commit 444178debe44ac7aaa29147096035143cc097c8a Author: huaian_zhou Date: Fri Jan 12 14:13:51 2024 +0800 基于spaCy库训练NER模型 diff --git a/ner/code/config.cfg b/ner/code/config.cfg new file mode 100644 index 0000000..d2336f4 --- /dev/null +++ b/ner/code/config.cfg @@ -0,0 +1,149 @@ +[paths] +train = null +dev = null +vectors = null +init_tok2vec = null + +[system] +gpu_allocator = "pytorch" +seed = 0 + +[nlp] +lang = "en" +pipeline = ["transformer","ner"] +batch_size = 128 +disabled = [] +before_creation = null +after_creation = null +after_pipeline_creation = null +tokenizer = {"@tokenizers":"spacy.Tokenizer.v1"} +vectors = {"@vectors":"spacy.Vectors.v1"} + +[components] + +[components.ner] +factory = "ner" +incorrect_spans_key = null +moves = null +scorer = {"@scorers":"spacy.ner_scorer.v1"} +update_with_oracle_cut_size = 100 + +[components.ner.model] +@architectures = "spacy.TransitionBasedParser.v2" +state_type = "ner" +extra_state_tokens = false +hidden_width = 64 +maxout_pieces = 2 +use_upper = false +nO = null + +[components.ner.model.tok2vec] +@architectures = "spacy-transformers.TransformerListener.v1" +grad_factor = 1.0 +pooling = {"@layers":"reduce_mean.v1"} +upstream = "*" + +[components.transformer] +factory = "transformer" +max_batch_items = 4096 +set_extra_annotations = {"@annotation_setters":"spacy-transformers.null_annotation_setter.v1"} + +[components.transformer.model] +@architectures = "spacy-transformers.TransformerModel.v3" +# name = "roberta-base" +# 若HuggingFace连接失败,则把模型文件下载到本地,并修改name +name = "../cache/roberta_base" +mixed_precision = false + +[components.transformer.model.get_spans] +@span_getters = "spacy-transformers.strided_spans.v1" +window = 128 +stride = 96 + +[components.transformer.model.grad_scaler_config] + +[components.transformer.model.tokenizer_config] +use_fast = true + +[components.transformer.model.transformer_config] + +[corpora] + +[corpora.dev] +@readers = "spacy.Corpus.v1" +path = ${paths.dev} +max_length = 0 +gold_preproc = false +limit = 0 +augmenter = null + +[corpora.train] +@readers = "spacy.Corpus.v1" +path = ${paths.train} +max_length = 0 +gold_preproc = false +limit = 0 +augmenter = null + +[training] +accumulate_gradient = 3 +dev_corpus = "corpora.dev" +train_corpus = "corpora.train" +seed = ${system.seed} +gpu_allocator = ${system.gpu_allocator} +dropout = 0.1 +patience = 1600 +max_epochs = 0 +max_steps = 20000 +eval_frequency = 200 +frozen_components = [] +annotating_components = [] +before_to_disk = null +before_update = null + +[training.batcher] +@batchers = "spacy.batch_by_padded.v1" +discard_oversize = true +size = 2000 +buffer = 256 +get_length = null + +[training.logger] +@loggers = "spacy.ConsoleLogger.v1" +progress_bar = false + +[training.optimizer] +@optimizers = "Adam.v1" +beta1 = 0.9 +beta2 = 0.999 +L2_is_weight_decay = true +L2 = 0.01 +grad_clip = 1.0 +use_averages = false +eps = 0.00000001 + +[training.optimizer.learn_rate] +@schedules = "warmup_linear.v1" +warmup_steps = 250 +total_steps = 20000 +initial_rate = 0.00005 + +[training.score_weights] +ents_f = 1.0 +ents_p = 0.0 +ents_r = 0.0 +ents_per_type = null + +[pretraining] + +[initialize] +vectors = ${paths.vectors} +init_tok2vec = ${paths.init_tok2vec} +vocab_data = null +lookups = null +before_init = null +after_init = null + +[initialize.components] + +[initialize.tokenizer] \ No newline at end of file diff --git a/ner/code/gene_config.sh b/ner/code/gene_config.sh new file mode 100644 index 0000000..1dba4e6 --- /dev/null +++ b/ner/code/gene_config.sh @@ -0,0 +1,6 @@ +python -m spacy init config ./config.cfg \ + --lang en \ + --pipeline ner \ + --optimize accuracy \ + --gpu \ + --force \ No newline at end of file diff --git a/ner/code/gene_ner_ds.ipynb b/ner/code/gene_ner_ds.ipynb new file mode 100644 index 0000000..cb27518 --- /dev/null +++ b/ner/code/gene_ner_ds.ipynb @@ -0,0 +1,382 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/huaian/mambaforge/envs/mytrans/lib/python3.9/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n", + " from .autonotebook import tqdm as notebook_tqdm\n" + ] + } + ], + "source": [ + "import json\n", + "import random\n", + "import spacy\n", + "from tqdm import tqdm\n", + "from pathlib import Path\n", + "from spacy.tokens import DocBin\n", + "\n", + "random.seed(42)" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "def generate_ner_ds(file_path: Path, save_dir: Path):\n", + " \"\"\"创建符合spacy2.x库格式要求的NER数据集\"\"\"\n", + " with open(file_path, \"r\") as reader:\n", + " all_lines = reader.readlines()\n", + "\n", + " dataset = []\n", + " token_ls, anno_ls = [], []\n", + " for line in tqdm(all_lines):\n", + " # 保存同一个句子的token和annotation到列表中\n", + " line = line.strip()\n", + " if line != \"\":\n", + " token, annotation = line.split(\"\\t\")[0:2]\n", + " token_ls.append(token)\n", + " anno_ls.append(annotation)\n", + "\n", + " # 拼接成一个句子,并记录annotation的位置\n", + " elif len(token_ls) != 0:\n", + " # 舍弃\"CODE_BLOCK\"开头的句子\n", + " if token_ls[0] != \"CODE_BLOCK\":\n", + " sentence = \"\"\n", + " anno_span_ls = [] # 记录所有annotation的位置\n", + " for tok, anno in zip(token_ls, anno_ls):\n", + " sentence += tok\n", + " if anno != \"O\":\n", + " anno_span = (\n", + " len(sentence) - len(tok),\n", + " len(sentence),\n", + " \"CODE_ENT\",\n", + " )\n", + " anno_span_ls.append(anno_span)\n", + " sentence += \" \"\n", + " if len(anno_span_ls) != 0:\n", + " dataset.append((sentence.strip(), {\"entities\": anno_span_ls}))\n", + " token_ls, anno_ls = [], []\n", + "\n", + " print(\"NER dataset[0:5]\")\n", + " for item in dataset[0:5]:\n", + " print(f\"\\t{item}\")\n", + "\n", + " # # save_dir = Path(\"../../data/ner_dataset\")\n", + "\n", + " save_dir.mkdir(parents=True, exist_ok=True)\n", + " save_path = save_dir / (file_path.stem + \".json\")\n", + " with open(save_path, \"w\") as f:\n", + " json.dump(dataset, f, ensure_ascii=False, indent=2)\n", + " print(f\"File {save_path.name} saved!\")\n", + " print(\"=\" * 20)" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 86911/86911 [00:00<00:00, 1733163.86it/s]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "NER dataset[0:5]\n", + "\t('@petergoldstein Thanks for submitting this PR !', {'entities': [(0, 15, 'CODE_ENT')]})\n", + "\t(\"I 'm closing in favor of #13 and other changes already in master that support ActiveRecord 4+ .\", {'entities': [(78, 90, 'CODE_ENT'), (91, 93, 'CODE_ENT')]})\n", + "\t('Currently everything works OK if only one scope is present , however the setup() method has no way of discriminating devices by serial number , and we automatically select the first scope we find .', {'entities': [(73, 80, 'CODE_ENT')]})\n", + "\t('R.I.Pineear has a nice blog post ( partially ) about this .', {'entities': [(0, 11, 'CODE_ENT')]})\n", + "\t('I like the idea of repository and build metadata embedded in the image .', {'entities': [(65, 70, 'CODE_ENT')]})\n", + "File GH_test_set.json saved!\n", + "====================\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 180996/180996 [00:00<00:00, 1418604.94it/s]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "NER dataset[0:5]\n", + "\t('If I would have 2 tables', {'entities': [(18, 24, 'CODE_ENT')]})\n", + "\t('SQLFIDDLE : http://sqlfiddle.com/#!9/11093', {'entities': [(0, 9, 'CODE_ENT')]})\n", + "\t('Just add a where clause :', {'entities': [(11, 16, 'CODE_ENT')]})\n", + "\t('A more traditional approach uses NOT EXISTS :', {'entities': [(33, 36, 'CODE_ENT'), (37, 43, 'CODE_ENT')]})\n", + "\t('Here is a SQL Fiddle illustrating that the first works .', {'entities': [(10, 13, 'CODE_ENT'), (14, 20, 'CODE_ENT')]})\n", + "File train.json saved!\n", + "====================\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 57023/57023 [00:00<00:00, 1870912.15it/s]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "NER dataset[0:5]\n", + "\t('In Java + = operator has an implicit cast to the left hand type .', {'entities': [(3, 7, 'CODE_ENT'), (8, 9, 'CODE_ENT'), (10, 11, 'CODE_ENT')]})\n", + "\t('As everyone already stated , the + = has an implicit cast .', {'entities': [(33, 34, 'CODE_ENT'), (35, 36, 'CODE_ENT')]})\n", + "\t('And a table of their meanings :', {'entities': [(6, 11, 'CODE_ENT')]})\n", + "\t(\"So let 's take a look at the bytecode from some simple Java code :\", {'entities': [(55, 59, 'CODE_ENT')]})\n", + "\t('My comments will have a // in front .', {'entities': [(24, 26, 'CODE_ENT')]})\n", + "File dev.json saved!\n", + "====================\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 60745/60745 [00:00<00:00, 1902288.40it/s]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "NER dataset[0:5]\n", + "\t('I am using custom adapter which I use for my ListView .', {'entities': [(18, 25, 'CODE_ENT'), (45, 53, 'CODE_ENT')]})\n", + "\t('After creating ArrayList', {'entities': [(15, 24, 'CODE_ENT')]})\n", + "\t('However , when I try to click on the checkbox , nothing happens .', {'entities': [(37, 45, 'CODE_ENT')]})\n", + "\t('So I have to manage toggling checkbox state manually .', {'entities': [(29, 37, 'CODE_ENT')]})\n", + "\t('( before that I have to remove setChoiceMode method call )', {'entities': [(31, 44, 'CODE_ENT')]})\n", + "File test.json saved!\n", + "====================\n" + ] + } + ], + "source": [ + "data_dir = Path(\"../../data/annotated_ner_data\")\n", + "dataset_dir = Path(\"../../data/ner_dataset\")\n", + "file_names = [\n", + " \"GitHub/GH_test_set.txt\",\n", + " \"StackOverflow/train.txt\",\n", + " \"StackOverflow/dev.txt\",\n", + " \"StackOverflow/test.txt\",\n", + "]\n", + "\n", + "for file_name in file_names:\n", + " file_path = data_dir / file_name\n", + " generate_ner_ds(file_path, dataset_dir)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "def split_train_test_ds(dataset_dir: Path, split_rate=0.9):\n", + " \"\"\"分割训练集和测试集\"\"\"\n", + " ner_ds = [] # 保存所有NER样本的数据集\n", + "\n", + " for file_path in dataset_dir.iterdir():\n", + " with open(file_path, \"r\") as f:\n", + " lines = json.load(f)\n", + " print(f\"File {file_path.name} #samples: {len(lines)}\")\n", + " ner_ds.extend(lines)\n", + "\n", + " print(f\"NER dataset #sample: {len(ner_ds)}\")\n", + " with open(dataset_dir / \"ner_ds.json\", \"w\") as f:\n", + " json.dump(ner_ds, f, ensure_ascii=False, indent=2)\n", + "\n", + " # 生成随机索引\n", + " idx = list(range(len(ner_ds)))\n", + " random.shuffle(idx)\n", + "\n", + " # 划分训练集、测试集并保存\n", + " split_idx = int(split_rate * len(ner_ds))\n", + " ner_train_ds = [ner_ds[i] for i in idx[:split_idx]]\n", + " print(f\"NER train dataset #sample: {len(ner_train_ds)}\")\n", + " with open(dataset_dir / \"ner_train_ds.json\", \"w\") as f:\n", + " json.dump(ner_train_ds, f, ensure_ascii=False, indent=2)\n", + "\n", + " ner_test_ds = [ner_ds[i] for i in idx[split_idx:]]\n", + " print(f\"NER test dataset #sample: {len(ner_test_ds)}\")\n", + " with open(dataset_dir / \"ner_test_ds.json\", \"w\") as f:\n", + " json.dump(ner_test_ds, f, ensure_ascii=False, indent=2)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "File test.json #samples: 1982\n", + "File train.json #samples: 5868\n", + "File dev.json #samples: 1857\n", + "File GH_test_set.json #samples: 3219\n", + "NER dataset #sample: 12926\n", + "NER train dataset #sample: 11633\n", + "NER test dataset #sample: 1293\n" + ] + } + ], + "source": [ + "split_train_test_ds(dataset_dir)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "def convert_ner_ds_format(file_path: Path, save_dir: Path):\n", + " \"\"\"将spacy2.x库所需格式的NER数据集转换为3.x库所需的格式\"\"\"\n", + " with open(file_path, \"r\") as f:\n", + " dataset = json.load(f)\n", + "\n", + " nlp = spacy.blank(\"en\") # load a new spacy model\n", + " db = DocBin() # create a DocBin object\n", + "\n", + " for text, anno in tqdm(dataset): # data in previous format\n", + " doc = nlp.make_doc(text) # create doc object from text\n", + " ents = []\n", + " for start, end, label in anno[\"entities\"]:\n", + " span = doc.char_span(start, end, label=label, alignment_mode=\"contract\")\n", + " if span is None:\n", + " print(\"Skipping entity\")\n", + " else:\n", + " ents.append(span)\n", + " doc.ents = ents\n", + " db.add(doc)\n", + " save_path = save_dir / (file_path.stem + \".spacy\")\n", + " db.to_disk(save_path)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 11633/11633 [00:01<00:00, 7864.58it/s]\n", + "100%|██████████| 1293/1293 [00:00<00:00, 6090.11it/s]\n" + ] + } + ], + "source": [ + "convert_ner_ds_format(dataset_dir / \"ner_train_ds.json\", dataset_dir)\n", + "convert_ner_ds_format(dataset_dir / \"ner_test_ds.json\", dataset_dir)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "foo_idx = list(range(10))\n", + "print(foo_idx)\n", + "random.shuffle(foo_idx)\n", + "print(foo_idx)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(foo_idx[(1, 3, 5)])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "foo_path = Path(\"../../data/ner_dataset\")\n", + "for item in foo_path.iterdir():\n", + " print(item)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(foo_path)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(foo_path.is_dir())" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "tld", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.18" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/ner/code/ner_test.ipynb b/ner/code/ner_test.ipynb new file mode 100644 index 0000000..ed70398 --- /dev/null +++ b/ner/code/ner_test.ipynb @@ -0,0 +1,84 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/huaian/mambaforge/envs/mytrans/lib/python3.9/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n", + " from .autonotebook import tqdm as notebook_tqdm\n" + ] + } + ], + "source": [ + "import spacy" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
Then use \n", + "\n", + " AJAX\n", + " CODE_ENT\n", + "\n", + " to submit the \n", + "\n", + " form\n", + " CODE_ENT\n", + "\n", + " and show results in the \n", + "\n", + " #results\n", + " CODE_ENT\n", + "\n", + " -container
" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "nlp = spacy.load(\"../model/model-best/\")\n", + "text = \"Then use AJAX to submit the form and show results in the #results -container\"\n", + "doc = nlp(text)\n", + "\n", + "spacy.displacy.render(doc, style=\"ent\", jupyter=True)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "mytrans", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.18" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/ner/code/train_spacy_ner.sh b/ner/code/train_spacy_ner.sh new file mode 100644 index 0000000..e1deccd --- /dev/null +++ b/ner/code/train_spacy_ner.sh @@ -0,0 +1,6 @@ +python -m spacy train ./config.cfg \ + --output ../model \ + --gpu-id 0 \ + --paths.train ../data/ner_dataset/ner_train_ds.spacy \ + --paths.dev ../data/ner_dataset/ner_test_ds.spacy \ + --system.seed 42 \ No newline at end of file diff --git a/ner/data/annotated_ner_data/GitHub/GH_test_set.txt b/ner/data/annotated_ner_data/GitHub/GH_test_set.txt new file mode 100755 index 0000000..7631adf --- /dev/null +++ b/ner/data/annotated_ner_data/GitHub/GH_test_set.txt @@ -0,0 +1,86911 @@ +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/11 O https://github.com/rgeo/rgeo-activerecord/issues/11 O + +@petergoldstein B-User_Name @petergoldstein O +Thanks O Thanks O +for O for O +submitting O submitting O +this O this O +PR O PR O +! O ! O + +I O I O +'m O 'm O +closing O closing O +in O in O +favor O favor O +of O of O +#13 O #13 O +and O and O +other O other O +changes O changes O +already O already O +in O in O +master O master O +that O that O +support O support O +ActiveRecord B-Library ActiveRecord O +4+ B-Version 4+ O +. O . O + +Let O Let O +me O me O +know O know O +if O if O +we O we O +'re O 're O +missing O missing O +anything O anything O +. O . O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/8 O https://github.com/rpcope1/Hantek6022API/issues/8 O + +Currently O Currently O +everything O everything O +works O works O +OK O OK O +if O if O +only O only O +one O one O +scope O scope O +is O is O +present O present O +, O , O +however O however O +the O the O +setup() B-Library_Function setup() O +method O method O +has O has O +no O no O +way O way O +of O of O +discriminating O discriminating O +devices O devices O +by O by O +serial O serial O +number O number O +, O , O +and O and O +we O we O +automatically O automatically O +select O select O +the O the O +first O first O +scope O scope O +we O we O +find O find O +. O . O + +This O This O +will O will O +not O not O +work O work O +well O well O +if O if O +we O we O +have O have O +multiple O multiple O +devices O devices O +we O we O +want O want O +to O to O +utilize O utilize O +present O present O +at O at O +the O the O +same O same O +time O time O +. O . O + +Two O Two O +changes O changes O +need O need O +to O to O +occur O occur O +: O : O +first O first O +setup O setup O +needs O needs O +to O to O +have O have O +an O an O +optional O optional O +parameter O parameter O +to O to O +force O force O +the O the O +selection O selection O +of O of O +a O a O +specific O specific O +serial O serial O +number O number O +for O for O +selecting O selecting O +the O the O +correct O correct O +device O device O +again O again O +after O after O +code O code O +load O load O +, O , O +and O and O +the O the O +list O list O +of O of O +devices O devices O +should O should O +be O be O +sorted O sorted O +by O by O +serial O serial O +number O number O +so O so O +that O that O +a O a O +device O device O +ID O ID O +can O can O +be O be O +chosen O chosen O +that O that O +does O does O +n't O n't O +change O change O +as O as O +devices O devices O +move O move O +around O around O +on O on O +the O the O +bus O bus O +( O ( O +which O which O +unfortunately O unfortunately O +happens O happens O +when O when O +code O code O +is O is O +loaded O loaded O +, O , O +as O as O +the O the O +device O device O +disappears O disappears O +and O and O +reappears O reappears O +as O as O +though O though O +it O it O +'s O 's O +been O been O +unplugged/replugged O unplugged/replugged O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/10 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/10 O + +R.I.Pineear B-User_Name R.I.Pineear O +has O has O +a O a O +nice O nice O +blog O blog O +post O post O +( O ( O +partially O partially O +) O ) O +about O about O +this O this O +. O . O + +I O I O +like O like O +the O the O +idea O idea O +of O of O +repository O repository O +and O and O +build O build O +metadata O metadata O +embedded O embedded O +in O in O +the O the O +image B-User_Interface_Element image O +. O . O + +I O I O +think O think O +both O both O +docker B-Application docker O +and O and O +the O the O +ACI O ACI O +spec O spec O +only O only O +allow O allow O +string B-Data_Type string O +values O values O +, O , O +but O but O +the O the O +docker B-Application docker O +documentation O documentation O +shows O shows O +an O an O +example O example O +with O with O +a O a O +JSON B-File_Type JSON O +blob O blob O +, O , O +represented O represented O +as O as O +a O a O +string B-Data_Type string O +. O . O + +Not O Not O +sure O sure O +if O if O +this O this O +is O is O +a O a O +good O good O +idea O idea O +. O . O + +By O By O +the O the O +way O way O +, O , O +@jonboulle B-User_Name @jonboulle O +, O , O +the O the O +code O code O +you O you O +linked O linked O +to O to O +references O references O +image B-User_Interface_Element image O +" O " O +labels O labels O +" O " O +although O although O +the O the O +spec O spec O +says O says O +they O they O +should O should O +only O only O +be O be O +used O used O +for O for O +image B-User_Interface_Element image O +discovery O discovery O +and O and O +dependency O dependency O +, O , O +and O and O +" O " O +annotations O annotations O +" O " O +should O should O +be O be O +used O used O +instead O instead O +. O . O + +It O It O +'s O 's O +a O a O +bit O bit O +confusing O confusing O +:) O :) O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/8 O https://github.com/contributte/logging/issues/8 O + +You O You O +'re O 're O +right O right O +. O . O + +Shame O Shame O +on O on O +me O me O +. O . O + +👍 O 👍 O + +Repository_Name O Repository_Name O +: O : O +JonathanPannell/ProgrammeTest_01_01 O JonathanPannell/ProgrammeTest_01_01 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/JonathanPannell/ProgrammeTest_01_01/issues/1 O https://github.com/JonathanPannell/ProgrammeTest_01_01/issues/1 O + +Severity O Severity O +S1 O S1 O +- O - O +Crash O Crash O +S2 O S2 O +- O - O +Wrong O Wrong O +Result O Result O +S3 O S3 O +- O - O +Legal O Legal O +Reason O Reason O +S4 O S4 O +- O - O +Bad O Bad O +Visual O Visual O +S5 O S5 O +- O - O +Bad O Bad O +Text O Text O +S6 O S6 O +- O - O +UnClear O UnClear O +Requirement O Requirement O +S7 O S7 O +- O - O +S8 O S8 O +- O - O +S9 O S9 O +- O - O +S10 O S10 O +- O - O +Test O Test O +Data O Data O +S11 O S11 O +- O - O +Test O Test O +Environment O Environment O +S20 O S20 O +- O - O +Task O Task O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/8 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/8 O + +Thanks O Thanks O +@ph B-User_Name @ph O +! O ! O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/7 O https://github.com/zeroepoch/plotbitrate/issues/7 O + +Hi O Hi O +, O , O +I O I O +have O have O +recently O recently O +encountered O encountered O +a O a O +stream O stream O +with O with O +some O some O +images B-User_Interface_Element images O +that O that O +have O have O +no O no O +timestamp O timestamp O +. O . O + +Example O Example O +: O : O + + I-Code_Block chroma_location="center"/> I-Code_Block + +This O This O +happens O happens O +when O when O +frames O frames O +are O are O +attached O attached O +: O : O + +According O According O +to O to O +ffmpeg B-Application ffmpeg O +docs O docs O +you O you O +need O need O +to O to O +use O use O +" O " O +V O V O +" O " O +as O as O +stream O stream O +option O option O +instead O instead O +of O of O +" O " O +v O v O +" O " O +from O from O +the O the O +current O current O +" O " O +video O video O +" O " O +option O option O +to O to O +ignore O ignore O +attachments O attachments O +. O . O + +This O This O +fixes O fixes O +the O the O +problem O problem O + +Thank O Thank O +you O you O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/1 O https://github.com/zeroepoch/plotbitrate/issues/1 O + +This O This O +may O may O +be O be O +because O because O +you O you O +have O have O +a O a O +version O version O +of O of O +ffmpeg/ffprobe B-Application ffmpeg/ffprobe O +that O that O +does O does O +n't O n't O +provide O provide O +the O the O +pkt_pts_time B-Library_Variable pkt_pts_time B-Code_Block +field O field O +. O . O + +Without O Without O +this O this O +field O field O +you O you O +wo O wo O +n't O n't O +have O have O +a O a O +value O value O +for O for O +the O the O +x-axis O x-axis O +. O . O + +What O What O +version O version O +of O of O +ffmpeg B-Application ffmpeg O +do O do O +you O you O +have O have O +installed O installed O +? O ? O + +For O For O +further O further O +debug O debug O +you O you O +could O could O +try O try O +adding O adding O +the O the O +following O following O +line O line O +right O right O +before O before O +frame_time B-Library_Variable frame_time O +is O is O +defined O defined O +( O ( O +between O between O +156 O 156 O +and O and O +157 O 157 O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_503 I-Code_Block GR_503 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +Rahmadax/CaveExplorer O Rahmadax/CaveExplorer O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Rahmadax/CaveExplorer/issues/1 O https://github.com/Rahmadax/CaveExplorer/issues/1 O + +Trader O Trader O +Fix O Fix O +- O - O +Improved O Improved O +. O . O + +AI O AI O +Fix O Fix O +. O . O + +Visited O Visited O +array B-Data_Structure array O +. O . O + +New O New O +Monsters O Monsters O +. O . O + +Fix O Fix O +options O options O +. O . O + +Real O Real O +time O time O +. O . O + +More O More O +Items O Items O +. O . O + +More O More O +pickaxe O pickaxe O +stuff O stuff O +. O . O + +More O More O +Fires O Fires O +- O - O +Done O Done O +Water O Water O +? O ? O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/5 O https://github.com/dhrrgn/codeigniter-uhoh/issues/5 O + +Line O Line O +66 O 66 O +of O of O +My_Exceptions.php B-File_Name My_Exceptions.php O +needs O needs O +updating O updating O +to O to O +work O work O +on O on O +latest O latest O +versions O versions O +of O of O +Codeigniter B-Library Codeigniter O +.. O .. O +. O . O + +parent::CI_Exceptions() B-Code_Block parent::CI_Exceptions() O +; O ; O + +should O should O +be O be O + +parent::__construct() B-Code_Block parent::__construct() O +; O ; O + +Otherwise O Otherwise O +you O you O +get O get O +a O a O +white O white O +screen O screen O +of O of O +death O death O +at O at O +the O the O +point O point O +CI B-Library CI O +tries O tries O +to O to O +load O load O +the O the O +hook O hook O +. O . O + +Repository_Name O Repository_Name O +: O : O +cjcliffe/CubicSDR O cjcliffe/CubicSDR O +-flatpak O -flatpak O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/cjcliffe/CubicSDR-flatpak/issues/4 O https://github.com/cjcliffe/CubicSDR-flatpak/issues/4 O + +Looks O Looks O +good O good O +; O ; O +thanks O thanks O +! O ! O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/2 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/2 O + +Take O Take O +the O the O +following O following O +with O with O +a O a O +grain O grain O +of O of O +salt O salt O +.. O .. O +. O . O + +I O I O +personally O personally O +do O do O +n't O n't O +like O like O +React B-Library React O +component O component O +libraries O libraries O +because O because O +they O they O +force O force O +you O you O +to O to O +use O use O +their O their O +components O components O +in O in O +a O a O +specific O specific O +way O way O +. O . O + +For O For O +example O example O +you O you O +ca O ca O +n't O n't O +use O use O +2-way O 2-way O +bindings O bindings O +on O on O +inputs O inputs O +, O , O +you O you O +have O have O +to O to O +wire O wire O +up O up O +the O the O +onChange B-Library_Function onChange O +event O event O +and O and O +manually O manually O +update O update O +a O a O +property O property O +. O . O + +Another O Another O +reason O reason O +is O is O +that O that O +I O I O +'m O 'm O +already O already O +depending O depending O +on O on O +Semantic-UI B-Library Semantic-UI O +, O , O +semantic-ui-react B-Library semantic-ui-react O +is O is O +yet O yet O +another O another O +dependency O dependency O +and O and O +level O level O +of O of O +abstraction O abstraction O +for O for O +my O my O +app O app O +. O . O + +IMO O IMO O +the O the O +benefits O benefits O +are O are O +slim O slim O +( O ( O +mainly O mainly O +removing O removing O +JQuery B-Library JQuery O +) O ) O +and O and O +you O you O +have O have O +yet O yet O +another O another O +API B-Library API O +to O to O +learn O learn O +and O and O +deal O deal O +with O with O +. O . O + +But O But O +by O by O +all O all O +means O means O +try O try O +it O it O +and O and O +if O if O +it O it O +jibes O jibes O +with O with O +you O you O +then O then O +do O do O +n't O n't O +worry O worry O +about O about O +my O my O +opinion O opinion O +and O and O +just O just O +use O use O +it O it O +. O . O + +Repository_Name O Repository_Name O +: O : O +civey/where O civey/where O +-should-we-eat O -should-we-eat O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/civey/where-should-we-eat/issues/3 O https://github.com/civey/where-should-we-eat/issues/3 O + +where2eat.today B-Website where2eat.today O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/25 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/25 O + +Oh O Oh O +I O I O +thought O thought O +it O it O +did O did O +. O . O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/2 O https://github.com/moso/flexgrid/issues/2 O + +Reversing O Reversing O +seems O seems O +broken O broken O +but O but O +after O after O +researching O researching O +the O the O +issue O issue O +, O , O +I O I O +found O found O +that O that O +there O there O +'s O 's O +a O a O +logical O logical O +reason O reason O +why O why O +. O . O + +The O The O +.row B-Class_Name .row B-Code_Block +works O works O +with O with O +flex-direction B-Code_Block flex-direction B-Code_Block +: I-Code_Block : I-Code_Block +row I-Code_Block row I-Code_Block +, O , O +and O and O +would O would O +need O need O +an O an O +impossible O impossible O +media-query O media-query O +to O to O +work O work O +, O , O +by O by O +setting O setting O +flex-direction B-Code_Block flex-direction B-Code_Block +: I-Code_Block : I-Code_Block +column I-Code_Block column I-Code_Block +. O . O + +But O But O +this O this O +would O would O +break O break O +the O the O +entire O entire O +layout O layout O +and O and O +I O I O +'d O 'd O +have O have O +to O to O +create O create O +unnecessary O unnecessary O +classes O classes O +just O just O +for O for O +reversing O reversing O +on O on O +mobile B-Device mobile O +. O . O + +And O And O +until O until O +someone O someone O +actually O actually O +uses O uses O +reversing O reversing O +with O with O +flex O flex O +, O , O +I O I O +'ve O 've O +removed O removed O +it O it O +from O from O +the O the O +project O project O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/3 O https://github.com/google-ar/arcore-unreal-sdk/issues/3 O + +Hi O Hi O +, O , O +the O the O +latest O latest O +version O version O +of O of O +the O the O +project O project O +need O need O +our O our O +forked O forked O +version O version O +of O of O +Unreal B-Application Unreal O +Engine I-Application Engine O +: O : O +https://github.com/google-ar-unreal/UnrealEngine/tree/4.18-arcore-sdk-preview2 O https://github.com/google-ar-unreal/UnrealEngine/tree/4.18-arcore-sdk-preview2 O + +If O If O +you O you O +want O want O +to O to O +use O use O +Epic B-Organization Epic O +'s O 's O +Unreal B-Application Unreal O +4.18.3 B-Version 4.18.3 O +, O , O +you O you O +can O can O +use O use O +the O the O +previous O previous O +release O release O +of O of O +this O this O +project O project O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/tree/sdk-preview O https://github.com/google-ar/arcore-unreal-sdk/tree/sdk-preview O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/14 O https://github.com/spacetelescope/specview/issues/14 O + +Closing O Closing O +, O , O +repository O repository O +being O being O +archived O archived O +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/7 O https://github.com/contributte/logging/issues/7 O + +Works O Works O +, O , O +Thx O Thx O +a O a O +lot O lot O + +Repository_Name O Repository_Name O +: O : O +xslcljg/hello O xslcljg/hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/xslcljg/hello-world O https://github.com/xslcljg/hello-world O + +hello-world O hello-world O + +Hi O Hi O +this O this O +is O is O +a O a O +test O test O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/38 O https://github.com/ben-eb/metalsmith-remark/issues/38 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +eslint-plugin-babel B-Library eslint-plugin-babel O +just O just O +published O published O +its O its O +new O new O +version O version O +4.0.0 B-Version 4.0.0 O +. O . O + +State O State O + + +Update O Update O +:rocket O :rocket O +: O : O + + +Dependency O Dependency O + + + +eslint-plugin-babel B-Library eslint-plugin-babel O + + +New O New O +version O version O + + + +4.0.0 B-Version 4.0.0 O + + +Type O Type O + + + +devDependency O devDependency O + + +This O This O +version O version O +is O is O +not O not O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +. O . O + +Without O Without O +accepting O accepting O +this O this O +pull O pull O +request O request O +your O your O +project O project O +will O will O +work O work O +just O just O +like O like O +it O it O +did O did O +before O before O +. O . O + +There O There O +might O might O +be O be O +a O a O +bunch O bunch O +of O of O +new O new O +features O features O +, O , O +fixes O fixes O +and O and O +perf O perf O +improvements O improvements O +that O that O +the O the O +maintainers O maintainers O +worked O worked O +on O on O +for O for O +you O you O +though O though O +. O . O + +I O I O +recommend O recommend O +you O you O +look O look O +into O into O +these O these O +changes O changes O +and O and O +try O try O +to O to O +get O get O +onto O onto O +the O the O +latest O latest O +version O version O +of O of O +eslint-plugin-babel B-Library eslint-plugin-babel O +. O . O + +Given O Given O +that O that O +you O you O +have O have O +a O a O +decent O decent O +test O test O +suite O suite O +, O , O +a O a O +passing O passing O +build O build O +is O is O +a O a O +strong O strong O +indicator O indicator O +that O that O +you O you O +can O can O +take O take O +advantage O advantage O +of O of O +these O these O +changes O changes O +by O by O +merging O merging O +the O the O +proposed O proposed O +change O change O +into O into O +your O your O +project O project O +. O . O + +Otherwise O Otherwise O +this O this O +branch O branch O +is O is O +a O a O +great O great O +starting O starting O +point O point O +for O for O +you O you O +to O to O +work O work O +on O on O +the O the O +update O update O +. O . O + +Do O Do O +you O you O +have O have O +any O any O +ideas O ideas O +how O how O +I O I O +could O could O +improve O improve O +these O these O +pull O pull O +requests O requests O +? O ? O + +Did O Did O +I O I O +report O report O +anything O anything O +you O you O +think O think O +is O is O +n't O n't O +right O right O +? O ? O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +while O while O +I O I O +'m O 'm O +just O just O +a O a O +bot O bot O +, O , O +there O there O +is O is O +a O a O +group O group O +of O of O +people O people O +who O who O +are O are O +happy O happy O +to O to O +teach O teach O +me O me O +new O new O +things O things O +. O . O + +Let O Let O +them O them O +know O know O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +:sparkles O :sparkles O +: O : O + +You O You O +rock O rock O +! O ! O + +:palm_tree O :palm_tree O +: O : O + +GitHub B-Website GitHub O +Release O Release O + +Breaking O Breaking O +Change O Change O + +Drop O Drop O +node O node O +< O < O +4 O 4 O +#113 O #113 O + +New O New O +Feature O Feature O + +babel/no B-Code_Block babel/no B-Code_Block +-invalid-this I-Code_Block -invalid-this I-Code_Block +: O : O +does O does O +n't O n't O +fail O fail O +when O when O +inside O inside O +class O class O +properties O properties O +#101 O #101 O + +class O class O +A B-Class_Name A O +{ O { O +a O a O += O = O +this.b O this.b O +; O ; O +} O } O + +Deprecated O Deprecated O +Rules O Rules O +#115 O #115 O + +Many O Many O +rules O rules O +are O are O +built-in O built-in O +now O now O +since O since O +ESLint B-Library ESLint O +supports O supports O +es2017 B-Version es2017 O +, O , O +etc O etc O + +babel/generator B-Code_Block babel/generator B-Code_Block +-star-spacing I-Code_Block -star-spacing I-Code_Block +: O : O +Use O Use O +generator-star-spacing B-Code_Block generator-star-spacing B-Code_Block +. O . O + +babel/object B-Code_Block babel/object B-Code_Block +-shorthand I-Code_Block -shorthand I-Code_Block +: O : O +Use O Use O +object-shorthand B-Code_Block object-shorthand B-Code_Block +. O . O + +babel/arrow B-Code_Block babel/arrow B-Code_Block +-parens I-Code_Block -parens I-Code_Block +: O : O +Use O Use O +arrow-parens B-Code_Block arrow-parens B-Code_Block +. O . O + +babel/func B-Code_Block babel/func B-Code_Block +-params-comma-dangle I-Code_Block -params-comma-dangle I-Code_Block +: O : O +Use O Use O +comma-dangle B-Code_Block comma-dangle B-Code_Block +. O . O + +babel/array B-Code_Block babel/array B-Code_Block +-bracket-spacing I-Code_Block -bracket-spacing I-Code_Block +: O : O +Use O Use O +array-bracket-spacing B-Code_Block array-bracket-spacing B-Code_Block +. O . O + +babel/flow B-Code_Block babel/flow B-Code_Block +-object-type I-Code_Block -object-type I-Code_Block +: O : O +Use O Use O +flowtype/object B-Code_Block flowtype/object B-Code_Block +-type-delimiter I-Code_Block -type-delimiter I-Code_Block +. O . O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +14 O 14 O +commits O commits O +. O . O + +be8d95c O be8d95c B-Code_Block +4.0.0 B-Version 4.0.0 I-Code_Block + +483586f O 483586f B-Code_Block +readme O readme I-Code_Block +: O : I-Code_Block +drop O drop I-Code_Block +node O node I-Code_Block +< O < I-Code_Block +4 O 4 I-Code_Block +[ O [ I-Code_Block +skip O skip I-Code_Block +ci O ci I-Code_Block +] O ] I-Code_Block + +8073c22 O 8073c22 B-Code_Block +Breaking O Breaking I-Code_Block +: O : I-Code_Block +Deprecate O Deprecate I-Code_Block +built-in O built-in I-Code_Block +rules O rules I-Code_Block +( O ( I-Code_Block +#115 O #115 I-Code_Block +) O ) I-Code_Block + +ac482de O ac482de B-Code_Block +chore(package) O chore(package) I-Code_Block +: O : I-Code_Block +update O update I-Code_Block +dependencies O dependencies I-Code_Block +( O ( I-Code_Block +#109 O #109 I-Code_Block +) O ) I-Code_Block + +aa69a6f O aa69a6f B-Code_Block +Updated O Updated I-Code_Block +Node B-Application Node I-Code_Block +versions O versions I-Code_Block +to O to I-Code_Block +test O test I-Code_Block +against O against I-Code_Block +in O in I-Code_Block +the O the I-Code_Block +Travis B-Application Travis I-Code_Block +configuration O configuration I-Code_Block +. O . I-Code_Block +( O ( I-Code_Block +#110 O #110 I-Code_Block +) O ) I-Code_Block + +fc11860 O fc11860 B-Code_Block +Drop O Drop I-Code_Block +support O support I-Code_Block +of O of I-Code_Block +Node B-Application Node I-Code_Block +< O < I-Code_Block +4 B-Version 4 I-Code_Block +( O ( I-Code_Block +#113 O #113 I-Code_Block +) O ) I-Code_Block + +026eab8 O 026eab8 B-Code_Block +Merge O Merge I-Code_Block +pull O pull I-Code_Block +request O request I-Code_Block +#101 O #101 I-Code_Block +from O from I-Code_Block +mathieumg/no B-User_Name mathieumg/no I-Code_Block +-invalid-this O -invalid-this I-Code_Block + +7e00840 O 7e00840 B-Code_Block +Added O Added I-Code_Block +babel/no B-Library babel/no I-Code_Block +-invalid-this O -invalid-this I-Code_Block +rule O rule I-Code_Block +. O . I-Code_Block +( O ( I-Code_Block +Closes O Closes I-Code_Block +#12 O #12 I-Code_Block +) O ) I-Code_Block + +80d66bc O 80d66bc B-Code_Block +Imported O Imported I-Code_Block +and O and I-Code_Block +adapted O adapted I-Code_Block +no-invalid-this O no-invalid-this I-Code_Block +rule O rule I-Code_Block +from O from I-Code_Block +ESLint B-Library ESLint I-Code_Block +. O . I-Code_Block + +c0a49d2 O c0a49d2 B-Code_Block +chore(package) O chore(package) I-Code_Block +: O : I-Code_Block +update O update I-Code_Block +mocha B-Library mocha I-Code_Block +to O to I-Code_Block +version O version I-Code_Block +3.0.0 B-Version 3.0.0 I-Code_Block +( O ( I-Code_Block +#79 O #79 I-Code_Block +) O ) I-Code_Block + +8cf55d4 O 8cf55d4 B-Code_Block +chore(package) O chore(package) I-Code_Block +: O : I-Code_Block +update O update I-Code_Block +eslint B-Library eslint I-Code_Block +to O to I-Code_Block +version O version I-Code_Block +3.0.0 B-Version 3.0.0 I-Code_Block +( O ( I-Code_Block +#70 O #70 I-Code_Block +) O ) I-Code_Block + +078258a O 078258a B-Code_Block +Update O Update I-Code_Block +Dependencies O Dependencies I-Code_Block +( O ( I-Code_Block +#67 O #67 I-Code_Block +) O ) I-Code_Block + +4995439 O 4995439 B-Code_Block +--save-dev B-Code_Block --save-dev I-Code_Block +instead O instead I-Code_Block +of O of I-Code_Block +-D B-Code_Block -D I-Code_Block +[ I-Code_Block [ I-Code_Block +skip I-Code_Block skip I-Code_Block +ci I-Code_Block ci I-Code_Block +] I-Code_Block ] I-Code_Block + +27a7360 O 27a7360 B-Code_Block +Run O Run I-Code_Block +Travis B-Application Travis I-Code_Block +CI I-Application CI I-Code_Block +in O in I-Code_Block +same O same I-Code_Block +Node B-Application Node I-Code_Block +versions O versions I-Code_Block +as O as I-Code_Block +babel-eslint B-Library babel-eslint I-Code_Block +( O ( I-Code_Block +#68 O #68 I-Code_Block +) O ) I-Code_Block + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +This O This O +pull O pull O +request O request O +was O was O +created O created O +by O by O +greenkeeper.io B-Application greenkeeper.io O +. O . O + +Tired O Tired O +of O of O +seeing O seeing O +this O this O +sponsor O sponsor O +message O message O +? O ? O + +:zap O :zap O +: O : O +greenkeeper B-Code_Block greenkeeper B-Code_Block +upgrade I-Code_Block upgrade I-Code_Block + +Repository_Name O Repository_Name O +: O : O +davidmottet/snippets O davidmottet/snippets O + +Repository_Link O Repository_Link O +: O : O +https://github.com/davidmottet/snippets O https://github.com/davidmottet/snippets O + +snippets B-Application snippets O + +Install O Install O +Node.js B-Application Node.js O + +Download O Download O +and O and O +install O install O +the O the O +node.js B-Application node.js O +binaries O binaries O +for O for O +your O your O +platform O platform O +from O from O +the O the O +Node.js B-Application Node.js O +download O download O +page O page O +. O . O + +Getting O Getting O +Started O Started O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_3425 I-Code_Block GR_3425 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Dependencies O Dependencies O + +Creators O Creators O + +David B-User_Name David O +MOTTET I-User_Name MOTTET O + +https://twitter.com/davidmottet O https://twitter.com/davidmottet O + +https://github.com/davidmottet O https://github.com/davidmottet O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/2 O https://github.com/libp2p/interface-record-store/issues/2 O + +I O I O +'m O 'm O +personally O personally O +a O a O +fan O fan O +of O of O +tape B-Library tape O +, O , O +however O however O +, O , O +the O the O +decision O decision O +was O was O +not O not O +made O made O +of O of O +personal O personal O +taste O taste O +, O , O +of O of O +course O course O +:) O :) O +. O . O + +I O I O +'ve O 've O +followed O followed O +the O the O +pattern O pattern O +set O set O +by O by O +https://github.com/maxogden/abstract-blob-store O https://github.com/maxogden/abstract-blob-store O +, O , O +the O the O +first O first O +" O " O +abstract O abstract O +- O - O +" O " O +module O module O +, O , O +which O which O +uses O uses O +tape O tape O +and O and O +in O in O +fact O fact O +makes O makes O +sense O sense O +, O , O +because O because O +if O if O +" O " O +you O you O +" O " O +are O are O +going O going O +to O to O +ask O ask O +someone O someone O +to O to O +import O import O +your O your O +tests O tests O +and O and O +run O run O +them O them O +, O , O +better O better O +make O make O +in O in O +the O the O +most O most O +standardized O standardized O +way O way O +and O and O +since O since O +tape B-Library tape O +is O is O +tap O tap O +, O , O +but O but O +running O running O +in O in O +the O the O +browser B-Application browser O +and O and O +in O in O +Node.js B-Application Node.js O +, O , O +which O which O +is O is O +a O a O +Protocol O Protocol O +, O , O +makes O makes O +it O it O +easier O easier O +for O for O +everyone O everyone O +else O else O +to O to O +accept O accept O +. O . O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/22 O https://github.com/lbarasti/gps_app/issues/22 O + +not O not O +certain O certain O +why O why O +these O these O +do O do O +n't O n't O +copy O copy O +during O during O +the O the O +build O build O +.. O .. O +. O . O +need O need O +a O a O +better O better O +way O way O +of O of O +colourising O colourising O +the O the O +icons B-User_Interface_Element icons O +anyway O anyway O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/41 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/41 O + +LGTM O LGTM O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/6 O https://github.com/wsdookadr/fieldtop/issues/6 O + +Hi O Hi O +, O , O +yes O yes O +, O , O +i O i O +'m O 'm O +ok O ok O +with O with O +the O the O +time O time O +needed O needed O +to O to O +process O process O +all O all O +the O the O +data O data O +, O , O +as O as O +you O you O +said O said O +not O not O +every O every O +columns B-Data_Structure columns O +has O has O +an O an O +index O index O +so O so O +it O it O +seems O seems O +normal O normal O +to O to O +be O be O +CPU B-Device CPU O +intensive O intensive O +. O . O + +About O About O +the O the O +non O non O +ASCII B-Algorithm ASCII O +column B-Data_Structure column O +name O name O +: O : O +there O there O +is O is O +no O no O +HTML B-Language HTML O +output O output O +, O , O +which O which O +is O is O +indeed O indeed O +surprising O surprising O +( O ( O +hence O hence O +the O the O +issue O issue O +;) O ;) O +) O ) O +it O it O +seems O seems O +that O that O +it O it O +output O output O +an O an O +error O error O +, O , O +an O an O +exception B-Library_Class exception O +or O or O +something O something O +. O . O + +If O If O +i O i O +find O find O +the O the O +time O time O +to O to O +look O look O +at O at O +the O the O +code O code O +i O i O +'ll O 'll O +try O try O +to O to O +provide O provide O +one O one O +PR O PR O +for O for O +non O non O +ASCII B-Algorithm ASCII O +handling O handling O +, O , O +and O and O +one O one O +to O to O +be O be O +able O able O +to O to O +configure O configure O +the O the O +hostname O hostname O +( O ( O +localhost O localhost O +is O is O +hardcoded O hardcoded O +) O ) O + +Best O Best O +regards O regards O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/13 O https://github.com/contributte/logging/issues/13 O + +Tagged O Tagged O +as O as O +v0.2.2 B-Version v0.2.2 O +. O . O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/12 O https://github.com/ben-eb/metalsmith-remark/issues/12 O + +Hello O Hello O +:wave O :wave O +: O : O + +:rocket::rocket::rocket O :rocket::rocket::rocket O +: O : O + +ava B-Library ava O +just O just O +published O published O +its O its O +new O new O +version O version O +0.13.0 B-Version 0.13.0 O +, O , O +which O which O +is O is O +not O not O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +. O . O + +If O If O +this O this O +pull O pull O +request O request O +passes O passes O +your O your O +tests O tests O +you O you O +can O can O +publish O publish O +your O your O +software O software O +with O with O +the O the O +latest O latest O +version O version O +of O of O +ava B-Library ava O +– O – O +otherwise O otherwise O +use O use O +this O this O +branch O branch O +to O to O +work O work O +on O on O +adaptions O adaptions O +and O and O +fixes O fixes O +. O . O + +Happy O Happy O +fixing O fixing O +and O and O +merging O merging O +:palm_tree O :palm_tree O +: O : O + +GitHub B-Website GitHub O +Release O Release O + +The O The O +most O most O +exciting O exciting O +changes O changes O +in O in O +this O this O +release O release O +are O are O +support O support O +for O for O +using O using O +your O your O +own O own O +Babel B-Library Babel O +config O config O +with O with O +AVA B-Library AVA O +and O and O +an O an O +intelligent O intelligent O +watch O watch O +mode O mode O +that O that O +watches O watches O +for O for O +test O test O +and O and O +source O source O +changes O changes O +and O and O +runs O runs O +only O only O +tests O tests O +that O that O +are O are O +affected O affected O +. O . O + +We O We O +now O now O +have O have O +an O an O +awesome O awesome O +list O list O +. O . O + +Our O Our O +ESLint B-Library ESLint O +plugin O plugin O +got O got O +some O some O +new O new O +rules O rules O +. O . O + +And O And O +@novemberborn B-User_Name @novemberborn O +is O is O +a O a O +team O team O +member O member O +! O ! O + +Highlights O Highlights O + +Added O Added O +support O support O +for O for O +Babel B-Library Babel O +config O config O +in O in O +the O the O +ava B-Library ava B-Code_Block +config O config O +package.json B-File_Name package.json O +. O . O + +This O This O +will O will O +let O let O +you O you O +configure O configure O +AVA B-Library AVA O +to O to O +use O use O +your O your O +own O own O +Babel B-Library Babel O +config O config O +( O ( O +.babelrc B-File_Type .babelrc O +or O or O +babel B-Library babel B-Code_Block +in O in O +package.json B-File_Name package.json O +) O ) O +. O . O + +a03f826 O a03f826 O + +Added O Added O +intelligent O intelligent O +watch O watch O +mode O mode O +. O . O + +f0f4f34 O f0f4f34 O + +Added O Added O +todo O todo B-Code_Block +test O test O +modifier O modifier O +. O . O + +e697629 O e697629 O + +Added O Added O +ability O ability O +to O to O +run O run O +only O only O +tests O tests O +with O with O +matching O matching O +titles O titles O +. O . O + +c928cb5 O c928cb5 O + +t.throws() B-Library_Function t.throws() B-Code_Block +now O now O +returns O returns O +error O error O +or O or O +rejection O rejection O +reason O reason O +of O of O +promise O promise O +. O . O + +e03b82c O e03b82c O + +Do O Do O +n't O n't O +coerce O coerce O +non-Error O non-Error O +promise O promise O +rejection O rejection O +to O to O +an O an O +error O error O +. O . O + +5e02387 O 5e02387 O + +test.only() B-Library_Function test.only() B-Code_Block +now O now O +works O works O +across O across O +all O all O +test O test O +files O files O +. O . O + +6b1617a O 6b1617a O + +Fixed O Fixed O +AVA B-Library AVA O +hanging O hanging O +when O when O +test B-Library_Function test B-Code_Block +is O is O +used O used O +incorrectly O incorrectly O +. O . O + +94c03f6 O 94c03f6 O + +Added O Added O +TypeScript B-Language TypeScript O +typings O typings O +. O . O + +0e18865 O 0e18865 O + +Added O Added O +TypeScript B-Language TypeScript O +recipe O recipe O +. O . O + +20c66fe O 20c66fe O + +Added O Added O +browser O browser O +testing O testing O +recipe O recipe O +. O . O + +2f10448 O 2f10448 O + +Changes O Changes O + +0 O 0 O +... B-Version ... O +v0 I-Version v0 O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +81 O 81 O +commits O commits O +. O . O + +a723eb1 O a723eb1 B-Code_Block +0.13.0 B-Version 0.13.0 I-Code_Block + +e9de64b O e9de64b B-Code_Block +add O add I-Code_Block +gif B-File_Type gif I-Code_Block +of O of I-Code_Block +the O the I-Code_Block +mini O mini I-Code_Block +reporter O reporter I-Code_Block + +83ab1e4 O 83ab1e4 B-Code_Block +Merge O Merge I-Code_Block +pull O pull I-Code_Block +request O request I-Code_Block +#621 O #621 I-Code_Block +from O from I-Code_Block +sindresorhus/sticky O sindresorhus/sticky I-Code_Block +-only O -only I-Code_Block + +b4abee1 O b4abee1 B-Code_Block +make O make I-Code_Block +.only O .only I-Code_Block +sticky O sticky I-Code_Block +in O in I-Code_Block +watch O watch I-Code_Block +mode O mode I-Code_Block + +e810ed4 O e810ed4 B-Code_Block +Merge O Merge I-Code_Block +pull O pull I-Code_Block +request O request I-Code_Block +#624 O #624 I-Code_Block +from O from I-Code_Block +sindresorhus/watch O sindresorhus/watch I-Code_Block +-and-syntax-errors O -and-syntax-errors I-Code_Block + +f1966d9 O f1966d9 B-Code_Block +Merge O Merge I-Code_Block +pull O pull I-Code_Block +request O request I-Code_Block +#618 O #618 I-Code_Block +from O from I-Code_Block +sindresorhus/mini O sindresorhus/mini I-Code_Block +-reporter-color O -reporter-color I-Code_Block + +73c8b6b O 73c8b6b B-Code_Block +Merge O Merge I-Code_Block +pull O pull I-Code_Block +request O request I-Code_Block +#627 O #627 I-Code_Block +from O from I-Code_Block +forresst/link O forresst/link I-Code_Block +-watch-mode-french O -watch-mode-french I-Code_Block + +d74335e O d74335e B-Code_Block +Docs O Docs I-Code_Block +: O : I-Code_Block +Link O Link I-Code_Block +to O to I-Code_Block +French O French I-Code_Block +translation O translation I-Code_Block +for O for I-Code_Block +watch O watch I-Code_Block +mode O mode I-Code_Block + +768ef9d O 768ef9d B-Code_Block +handle O handle I-Code_Block +exceptions B-Library_Class exceptions I-Code_Block +when O when I-Code_Block +initially O initially I-Code_Block +running O running I-Code_Block +files O files I-Code_Block + +901c48c O 901c48c B-Code_Block +move O move I-Code_Block +unreportedFiles O unreportedFiles I-Code_Block +closer O closer I-Code_Block +to O to I-Code_Block +where O where I-Code_Block +it O it I-Code_Block +'s O 's I-Code_Block +used O used I-Code_Block + +9c867e9 O 9c867e9 B-Code_Block +remove O remove I-Code_Block +color O color I-Code_Block +from O from I-Code_Block +test O test I-Code_Block +title O title I-Code_Block +in O in I-Code_Block +mini O mini I-Code_Block +reporter O reporter I-Code_Block + +76860dd O 76860dd B-Code_Block +Close O Close I-Code_Block +#599 O #599 I-Code_Block +PR O PR I-Code_Block +: O : I-Code_Block +Add O Add I-Code_Block +busy O busy I-Code_Block +indicator O indicator I-Code_Block +to O to I-Code_Block +mini O mini I-Code_Block +reporter O reporter I-Code_Block +. O . I-Code_Block +Fixes O Fixes I-Code_Block +#598 O #598 I-Code_Block + +cac933e O cac933e B-Code_Block +Merge O Merge I-Code_Block +pull O pull I-Code_Block +request O request I-Code_Block +#607 O #607 I-Code_Block +from O from I-Code_Block +sindresorhus/document O sindresorhus/document I-Code_Block +-watch O -watch I-Code_Block + +81b7f1e O 81b7f1e B-Code_Block +also O also I-Code_Block +rerun O rerun I-Code_Block +tests O tests I-Code_Block +when O when I-Code_Block +' O ' I-Code_Block +r O r I-Code_Block +' O ' B-Code_Block +is O is I-Code_Block +entered O entered I-Code_Block + +755849f O 755849f B-Code_Block +add O add I-Code_Block +-S O -S I-Code_Block +shorthand O shorthand I-Code_Block +for O for I-Code_Block +--source O --source I-Code_Block + +There O There O +are O are O +81 O 81 O +commits O commits O +in O in O +total O total O +. O . O + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +This O This O +pull O pull O +request O request O +was O was O +created O created O +by O by O +greenkeeper.io B-Application greenkeeper.io O +. O . O + +It O It O +keeps O keeps O +your O your O +software O software O +, O , O +up O up O +to O to O +date O date O +, O , O +all O all O +the O the O +time O time O +. O . O + +Tired O Tired O +of O of O +seeing O seeing O +this O this O +sponsor O sponsor O +message O message O +? O ? O + +Upgrade O Upgrade O +to O to O +the O the O +supporter O supporter O +plan O plan O +! O ! O + +You O You O +'ll O 'll O +also O also O +get O get O +your O your O +pull O pull O +requests O requests O +faster O faster O +:zap O :zap O +: O : O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/7 O https://github.com/svenstaro/flamejam/issues/7 O + +Done O Done O +by O by O +beedee B-User_Name beedee O +. O . O + +Repository_Name O Repository_Name O +: O : O +T-Dawg/dojo_rules O T-Dawg/dojo_rules O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/T-Dawg/dojo_rules/issues/1 O https://github.com/T-Dawg/dojo_rules/issues/1 O + +Pull O Pull O +me O me O +in O in O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Repository_Link O Repository_Link O +: O : O +https://github.com/demigor/lex.db O https://github.com/demigor/lex.db O + +Lex.DB O Lex.DB O + +Lex.DB B-Application Lex.DB O +is O is O +a O a O +lightweight O lightweight O +, O , O +superfast O superfast O +, O , O +in-process O in-process O +database O database O +engine O engine O +, O , O +completely O completely O +written O written O +in O in O +AnyCPU O AnyCPU O +C# B-Language C# O +. O . O + +Why O Why O +? O ? O + +We O We O +feel O feel O +the O the O +need O need O +in O in O +small O small O +, O , O +fast O fast O +and O and O +platform-neutral O platform-neutral O +solution O solution O +to O to O +store O store O +and O and O +access O access O +data O data O +locally O locally O +. O . O + +SQLite B-Application SQLite O +is O is O +almost O almost O +good O good O +, O , O +but O but O +it O it O +is O is O +binary O binary O +platform-specific O platform-specific O +( O ( O +x32/x64/ARM O x32/x64/ARM O +versions O versions O +of O of O +SQLite.dll B-File_Name SQLite.dll O +) O ) O +, O , O +and O and O +has O has O +no O no O +real O real O +support O support O +for O for O +Silverlight B-Library Silverlight O +. O . O + +Supported O Supported O +platforms O platforms O +: O : O + +New O New O +: O : O +Xamarin.iOS B-Application Xamarin.iOS O +& O & O +Xamarin.Android B-Application Xamarin.Android O +. O . O + +New O New O +: O : O +Universal B-Application Universal O +Windows I-Application Windows O +Store I-Application Store O +Apps I-Application Apps O +Support O Support O + +New O New O +: O : O +PCL B-Library PCL O +version O version O +for O for O +supported O supported O +platforms O platforms O + +.NET B-Library .NET O +4.0 B-Version 4.0 O ++ I-Version + O +, O , O + +Silverlight B-Library Silverlight O +5.0 B-Version 5.0 O ++ I-Version + O +, O , O + +Windows B-Operating_System Windows O +Phone I-Operating_System Phone O +8.0 B-Version 8.0 O ++ I-Version + O +, O , O + +WinRT+ B-Application WinRT+ O +. O . O + +Write O Write O +your O your O +data O data O +access O access O +layer O layer O +once O once O +, O , O +run O run O +everywhere O everywhere O +( O ( O +x64 O x64 O +, O , O +x32 O x32 O +, O , O +ARM O ARM O +) O ) O +without O without O +recompilation O recompilation O +. O . O + +Lex.DB B-Application Lex.DB O +supports O supports O +concurrent O concurrent O +database O database O +access O access O +, O , O +so O so O +multiple O multiple O +instances O instances O +of O of O +your O your O +application O application O +are O are O +safe O safe O +to O to O +go O go O +( O ( O +.NET B-Library .NET O +, O , O +Silverlight B-Library Silverlight O +) O ) O +. O . O + +Lex.DB B-Application Lex.DB O +also O also O +provides O provides O +both O both O +synchronous O synchronous O +and O and O +asynchronous O asynchronous O +database O database O +interface O interface O +to O to O +avoid O avoid O +UI O UI O +blockage O blockage O +. O . O + +Usage O Usage O +is O is O +greatly O greatly O +inspired O inspired O +by O by O +Sterling B-Library Sterling O +, O , O +but O but O +performance O performance O +is O is O +faster O faster O +than O than O +native O native O +SQLite B-Application SQLite O +. O . O + +Lex.DB.Sync B-Library Lex.DB.Sync O +- O - O +lightweight O lightweight O +data O data O +synchronization O synchronization O +framework O framework O +is O is O +logical O logical O +extensions O extensions O +of O of O +Lex.DB B-Application Lex.DB O +. O . O + +Features O Features O +still O still O +in O in O +development O development O + +Serialization O Serialization O +of O of O +complex O complex O +types O types O + +Serialization O Serialization O +of O of O +references O references O +& O & O +lists O lists O +of O of O +references O references O +( O ( O +one-to-many O one-to-many O +, O , O +many-to-many O many-to-many O +associations O associations O +) O ) O + +Single O Single O +file O file O +schema O schema O +( O ( O +right O right O +now O now O +each O each O +table B-Data_Structure table O +has O has O +two O two O +files O files O +: O : O +index O index O +and O and O +data O data O +) O ) O + +Check O Check O +author O author O +blog O blog O +for O for O +more O more O +information O information O +about O about O +Lex.DB B-Application Lex.DB O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/6 O https://github.com/zeroepoch/plotbitrate/issues/6 O + +Hi O Hi O +! O ! O + +I O I O +wonder O wonder O +if O if O +it O it O +would O would O +be O be O +possible O possible O +to O to O +force O force O +a O a O +scale O scale O +for O for O +the O the O +bitrate O bitrate O +? O ? O + +In O In O +case O case O +one O one O +would O would O +look O look O +at O at O +different O different O +encodings O encodings O +of O of O +the O the O +same O same O +file O file O +this O this O +would O would O +help O help O +to O to O +compare O compare O +the O the O +different O different O +bitrate O bitrate O +distribution O distribution O +. O . O + +At O At O +the O the O +moment O moment O +the O the O +scale O scale O +of O of O +the O the O +bitrate O bitrate O +always O always O +adapts O adapts O +if O if O +there O there O +is O is O +a O a O +big O big O +change O change O +in O in O +the O the O +bitrate O bitrate O +distribution O distribution O +. O . O + +Lets O Lets O +say O say O +if O if O +I O I O +would O would O +know O know O +the O the O +minimun O minimun O +and O and O +maximum O maximum O +from O from O +a O a O +first O first O +plot O plot O +could O could O +I O I O +then O then O +add O add O +to O to O +the O the O +command O command O +line O line O +like O like O +-scalemin B-Code_Block -scalemin O +0 I-Code_Block 0 O +-scalemax I-Code_Block -scalemax O +60000 I-Code_Block 60000 O +? O ? O + +Please O Please O +consider O consider O +it O it O +as O as O +a O a O +feature O feature O +request O request O +, O , O +not O not O +like O like O +reporting O reporting O +an O an O +issue O issue O +! O ! O + +:) O :) O + +Repository_Name O Repository_Name O +: O : O +lobbin/chrome O lobbin/chrome O +-die2nitemapupdater O -die2nitemapupdater O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lobbin/chrome-die2nitemapupdater/issues/1 O https://github.com/lobbin/chrome-die2nitemapupdater/issues/1 O + +Thanks O Thanks O +, O , O +applied O applied O +. O . O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/2 O https://github.com/numen31337/AKVideoImageView/issues/2 O + +I O I O +'m O 'm O +trying O trying O +to O to O +use O use O +it O it O +on O on O +a O a O +UITableViewCell B-Library_Class UITableViewCell O +subclass O subclass O +and O and O +I O I O +'m O 'm O +getting O getting O +a O a O +crash O crash O +and O and O +the O the O +message O message O +: O : O +" O " O +*** O *** O +Terminating O Terminating O +app O app O +due O due O +to O to O +uncaught O uncaught O +exception O exception O +' O ' O +NSInvalidArgumentException B-Library_Class NSInvalidArgumentException O +' O ' O +, O , O +reason O reason O +: O : O +' O ' O +*** O *** O +- O - O +[ O [ O +AVAssetReaderTrackOutput O AVAssetReaderTrackOutput O +initWithTrack:outputSettings O initWithTrack:outputSettings O +: O : O +] O ] O +invalid B-Error_Name invalid O +parameter I-Error_Name parameter O +not I-Error_Name not O +satisfying I-Error_Name satisfying O +: O : O +track O track O +!= O != O +( O ( O +( O ( O +void O void O +* O * O +) O ) O +0 O 0 O +) O ) O +' O ' O +" O " O + +my O my O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_63731 I-Code_Block GR_63731 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'ve O 've O +tried O tried O +adding O adding O +the O the O +subview O subview O +to O to O +self B-Library_Class self O +and O and O +self.contentView B-Library_Class self.contentView O +and O and O +same O same O +result O result O + +Repository_Name O Repository_Name O +: O : O +mongrate/mongrate.com O mongrate/mongrate.com O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mongrate/mongrate.com/issues/2 O https://github.com/mongrate/mongrate.com/issues/2 O + +Thanks O Thanks O +! O ! O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/2 O https://github.com/numen31337/AKVideoImageView/issues/2 O + +I O I O +'m O 'm O +having O having O +issues O issues O +when O when O +trying O trying O +to O to O +use O use O +this O this O +library O library O +with O with O +swift B-Language swift O +3 B-Version 3 O +. O . O + +First O First O +, O , O +complainig O complainig O +about O about O +NSURL B-Library_Class NSURL O +( O ( O +now O now O +named O named O +URL O URL O +) O ) O +and O and O +also O also O +, O , O +once O once O +removed O removed O +the O the O +asserts O asserts O +for O for O +NSURL B-Library_Class NSURL O +, O , O +I O I O +receive O receive O +an O an O +error O error O +: O : O +" O " O +[ O [ O +AVAssetReaderTrackOutput O AVAssetReaderTrackOutput O +initWithTrack:outputSettings O initWithTrack:outputSettings O +: O : O +] O ] O +invalid B-Error_Name invalid O +parameter I-Error_Name parameter O +not I-Error_Name not O +satisfying I-Error_Name satisfying O +: O : O +track O track O +!= O != O +( O ( O +( O ( O +void O void O +* O * O +) O ) O +0 O 0 O +) O ) O +" O " O + +help O help O +? O ? O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/9 O https://github.com/lbarasti/gps_app/issues/9 O + +At O At O +the O the O +moment O moment O +the O the O +" O " O +age O age O +" O " O +of O of O +a O a O +message O message O +is O is O +determined O determined O +by O by O +a O a O +comparison O comparison O +between O between O +the O the O +phone B-Device phone O +in O in O +the O the O +bus O bus O +and O and O +the O the O +user O user O +'s O 's O +device O device O +. O . O + +We O We O +should O should O +use O use O +a O a O +consistent O consistent O +timestamp O timestamp O +from O from O +the O the O +server O server O +. O . O + +Perhaps O Perhaps O +server O server O +to O to O +send O send O +the O the O +delta O delta O +instead O instead O +of O of O +the O the O +timestamp O timestamp O +by O by O +recording O recording O +the O the O +receivedAt B-Variable_Name receivedAt O +timestamp O timestamp O +for O for O +each O each O +message O message O +and O and O +diff-ing O diff-ing O +with O with O +currentTime B-Variable_Name currentTime O +on O on O +responding O responding O +? O ? O + +Repository_Name O Repository_Name O +: O : O +progdude/Flicks O progdude/Flicks O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/progdude/Flicks/issues/1 O https://github.com/progdude/Flicks/issues/1 O + +/cc O /cc O +@codepathreview B-User_Name @codepathreview O +Finished O Finished O +first O first O +3 O 3 O +videos B-User_Interface_Element videos O +. O . O + +Intent O Intent O +is O is O +to O to O +design O design O +and O and O +add O add O +more O more O +features O features O +during O during O +or O or O +after O after O +the O the O +first O first O +lab O lab O +. O . O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/10 O https://github.com/lbarasti/gps_app/issues/10 O + +The O The O +transparent O transparent O +overlay O overlay O +was O was O +achieved O achieved O +at O at O +the O the O +expense O expense O +of O of O +specifying O specifying O +the O the O +height O height O +of O of O +the O the O +map O map O +in O in O +pixels O pixels O +. O . O + +It O It O +'d O 'd O +be O be O +nice O nice O +for O for O +the O the O +map O map O +to O to O +once O once O +again O again O +fill O fill O +the O the O +device O device O +screen B-User_Interface_Element screen O +, O , O +keeping O keeping O +the O the O +bus O bus O +route O route O +latitude O latitude O +central O central O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/5 O https://github.com/zeroepoch/plotbitrate/issues/5 O + +I O I O +found O found O +that O that O +ffprobe B-Application ffprobe O +does O does O +not O not O +produce O produce O +xml B-Language xml O +fields O fields O +with O with O +the O the O +pkt_pts_time B-Library_Variable pkt_pts_time B-Code_Block +attribute O attribute O +. O . O + +Might O Might O +need O need O +to O to O +change O change O +the O the O +ffprobe B-Application ffprobe O +switch O switch O +, O , O +I O I O +'ll O 'll O +try O try O +to O to O +decipher O decipher O +the O the O +poor O poor O +FFMPEG B-Application FFMPEG O +documentation O documentation O +. O . O + +Repository_Name O Repository_Name O +: O : O +houmadi/hello O houmadi/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/houmadi/hello-world/issues/1 O https://github.com/houmadi/hello-world/issues/1 O + +it O it O +seems O seems O +cool O cool O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/11 O https://github.com/SivanMehta/wander/issues/11 O + +As O As O +previous O previous O +suggestion O suggestion O +, O , O +removed O removed O +the O the O +movie B-User_Interface_Element movie O +, O , O +gif B-File_Type gif O +and O and O +XD B-Application XD O +files O files O +as O as O +they O they O +were O were O +taking O taking O +a O a O +lot O lot O +of O of O +memory O memory O +- O - O +they O they O +are O are O +now O now O +included O included O +in O in O +the O the O +link O link O +https://drive.google.com/drive/folders/0B5InXd2CuDuSdEExNWVteENVMmc?usp=sharing O https://drive.google.com/drive/folders/0B5InXd2CuDuSdEExNWVteENVMmc?usp=sharing O +and O and O +linked O linked O +to O to O +the O the O +read O read O +me O me O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/7 O https://github.com/wsdookadr/fieldtop/issues/7 O + +Hi O Hi O +I O I O +'ve O 've O +made O made O +a O a O +small O small O +modification O modification O +to O to O +allow O allow O +host O host O +configuration O configuration O +in O in O +the O the O +config O config O +file O file O +. O . O + +Default O Default O +value O value O +is O is O +localhost O localhost O +. O . O + +Best O Best O +regards O regards O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/12 O https://github.com/koding/kd-atom/issues/12 O + +@sinan B-User_Name @sinan O +added O added O +the O the O +version O version O +increase O increase O +commit O commit O +, O , O +merging O merging O +. O . O + +Repository_Name O Repository_Name O +: O : O +Zorros/copycat O Zorros/copycat O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Zorros/copycat/issues/2 O https://github.com/Zorros/copycat/issues/2 O + +the O the O +issue O issue O + +in O in O +some O some O +cases O cases O +, O , O +there O there O +is O is O +a O a O +race O race O +condition O condition O +between O between O +checking O checking O +if O if O +a O a O +key O key O +already O already O +exists O exists O +in O in O +the O the O +database O database O +and O and O +inserting O inserting O +that O that O +key O key O +. O . O + +When O When O +this O this O +happens O happens O +, O , O +the O the O +database O database O +adapter O adapter O +throw O throw O +an O an O +exception O exception O +because O because O +it O it O +tries O tries O +to O to O +insert O insert O +a O a O +key O key O +that O that O +already O already O +exists O exists O + +the O the O +fix O fix O + +it O it O +rescue O rescue O +from O from O +the O the O +exception O exception O +and O and O +throw O throw O +a O a O +simple O simple O +warning O warning O +. O . O + +it O it O +also O also O +introduce O introduce O +a O a O +" O " O +silence_warnings B-Library_Variable silence_warnings O +" O " O +configuration O configuration O +for O for O +Copycat B-Library Copycat O +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/12 O https://github.com/contributte/logging/issues/12 O + +Hey O Hey O +. O . O + +There O There O +is O is O +a O a O +bug O bug O +, O , O +when O when O +it O it O +create O create O +log O log O +file O file O +in O in O +parent O parent O +directory O directory O +of O of O +$ B-Code_Block $ B-Code_Block +this->directory I-Code_Block this->directory I-Code_Block + +It O It O +will O will O +skip O skip O +dot O dot O +directories O directories O +, O , O +you O you O +should O should O +ignore O ignore O +them O them O + +Fix O Fix O +bug O bug O +when O when O +$ B-Code_Block $ B-Code_Block +this->directory I-Code_Block this->directory I-Code_Block +does O does O +not O not O +end O end O +with O with O +directory O directory O +separator O separator O +. O . O + +How O How O +to O to O +reproduce O reproduce O +? O ? O + +: O : O + +Set O Set O +your O your O +logDir B-File_Name logDir B-Code_Block +for O for O +TracyLogging B-Library_Class TracyLogging B-Code_Block +as O as O +%appDir% B-File_Name %appDir% B-Code_Block +/../log I-File_Name /../log I-Code_Block + +Set O Set O +modo O modo O +to O to O +production O production O + +Put O Put O +somewhere O somewhere O +in O in O +presenter O presenter O +action O action O +throw B-Code_Block throw B-Code_Block +new I-Code_Block new I-Code_Block +\Nette\InvalidArgumentException('TEST') I-Code_Block \Nette\InvalidArgumentException('TEST') I-Code_Block +. O . O + +On O On O +first O first O +throw O throw O +.html B-File_Type .html O +will O will O +be O be O +in O in O +log O log O +directory O directory O +, O , O +but O but O +second O second O +.html B-File_Type .html O +, O , O +of O of O +the O the O +same O same O +exception B-Library_Class exception O +, O , O +will O will O +be O be O +in O in O +parent O parent O +of O of O +log O log O +dir O dir O +. O . O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/5 O https://github.com/rcfbanalysis/rcfbscraper/issues/5 O + +Espn B-Organization Espn O +gives O gives O +bad O bad O +data O data O +sometimes O sometimes O +: O : O +http://scores.espn.go.com/ncf/playbyplay?gameId=400547677 O http://scores.espn.go.com/ncf/playbyplay?gameId=400547677 O + +Games O Games O +such O such O +as O as O +this O this O +sometimes O sometimes O +flood O flood O +duplicate O duplicate O +and O and O +out O out O +of O of O +order O order O +data O data O +. O . O + +We O We O +should O should O +implement O implement O +a O a O +check O check O +to O to O +verify O verify O +that O that O +values O values O +make O make O +sense O sense O +, O , O +ex O ex O +. O . O + +Incomplete O Incomplete O +pass O pass O +on O on O +4th& O 4th& O +2 O 2 O +should O should O +n't O n't O +result O result O +in O in O +the O the O +next O next O +play O play O +being O being O +2nd O 2nd O +& O & O +14 O 14 O +@ O @ O +the O the O +28 O 28 O +. O . O + +This O This O +is O is O +clearly O clearly O +duplicated O duplicated O +. O . O + +This O This O +may O may O +require O require O +cross O cross O +checking O checking O +with O with O +another O another O +site O site O +'s O 's O +PBP O PBP O +data O data O +. O . O + +Repository_Name O Repository_Name O +: O : O +nerab/TaskWarriorMail O nerab/TaskWarriorMail O + +Repository_Link O Repository_Link O +: O : O +https://github.com/nerab/TaskWarriorMail O https://github.com/nerab/TaskWarriorMail O + +twmail O twmail O + +twmail B-Application twmail B-Code_Block +allows O allows O +you O you O +to O to O +mail O mail O +new O new O +tasks O tasks O +to O to O +your O your O +TaskWarrior B-Application TaskWarrior O +inbox O inbox O +. O . O + +Installation O Installation O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_79102 I-Code_Block GR_79102 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Usage O Usage O + +Install O Install O +ruby B-Language ruby O +and O and O +this O this O +gem O gem O + +If O If O +you O you O +do O do O +n't O n't O +have O have O +a O a O +~ B-Code_Block ~ B-Code_Block +/.fetchmailrc I-Code_Block /.fetchmailrc I-Code_Block +yet O yet O +, O , O +copy O copy O +doc/fetchmailrc.sample B-Code_Block doc/fetchmailrc.sample B-Code_Block +to O to O +~ B-Code_Block ~ B-Code_Block +/.fetchmailrc I-Code_Block /.fetchmailrc I-Code_Block + +Edit O Edit O +~ B-Code_Block ~ B-Code_Block +/.fetchmailrc I-Code_Block /.fetchmailrc I-Code_Block +and O and O +adjust O adjust O +mail O mail O +account O account O +settings O settings O +( O ( O +the O the O +example O example O +was O was O +made O made O +for O for O +Google B-Application Google O +Mail I-Application Mail O +account O account O +) O ) O +. O . O + +If O If O +in O in O +doubt O doubt O +, O , O +consult O consult O +the O the O +fetchmail B-Application fetchmail B-Code_Block +documentation O documentation O +, O , O +e.g O e.g O +. O . O + +by O by O +executing O executing O +man B-Code_Block man B-Code_Block +fetchmailconf I-Code_Block fetchmailconf I-Code_Block +in O in O +a O a O +terminal B-Application terminal O +. O . O + +Motivation O Motivation O + +I O I O +would O would O +like O like O +to O to O +add O add O +new O new O +tasks O tasks O +to O to O +my O my O +TaskWarrior B-Application TaskWarrior O +inbox O inbox O +from O from O +remote O remote O +places O places O +where O where O +I O I O +do O do O +n't O n't O +have O have O +immediate O immediate O +access O access O +to O to O +my O my O +personal O personal O +TaskWarrior B-Application TaskWarrior O +database O database O +; O ; O +e.g O e.g O +. O . O + +from O from O +my O my O +iPhone B-Device iPhone O +, O , O +from O from O +work O work O +( O ( O +where O where O +I O I O +do O do O +n't O n't O +have O have O +access O access O +to O to O +my O my O +personal O personal O +TaskWarrior B-Application TaskWarrior O +installation O installation O +) O ) O +or O or O +from O from O +another O another O +computer O computer O +. O . O + +Using O Using O +eMail O eMail O +for O for O +this O this O +looks O looks O +like O like O +a O a O +great O great O +candidate O candidate O +: O : O + +I O I O +do O do O +n't O n't O +want O want O +to O to O +( O ( O +or O or O +cannot O cannot O +) O ) O +install O install O +TaskWarrior B-Application TaskWarrior O +on O on O +all O all O +the O the O +places O places O +and O and O +machines O machines O +where O where O +I O I O +would O would O +like O like O +to O to O +add O add O +tasks O tasks O +from O from O +. O . O + +Sending O Sending O +a O a O +note O note O +as O as O +eMail O eMail O +is O is O +pretty O pretty O +much O much O +universally O universally O +available O available O +. O . O + +Many O Many O +applications O applications O +were O were O +not O not O +made O made O +for O for O +integration O integration O +with O with O +TaskWarrior B-Application TaskWarrior O +. O . O + +But O But O +even O even O +the O the O +dumbest O dumbest O +iPhone B-Device iPhone O +app O app O +can O can O +forward O forward O +text O text O +or O or O +a O a O +URL O URL O +via O via O +eMail O eMail O +. O . O + +eMail O eMail O +is O is O +asynchronous O asynchronous O +by O by O +design O design O +( O ( O +fire O fire O +and O and O +forget O forget O +) O ) O +. O . O + +Even O Even O +if O if O +disconnected O disconnected O +from O from O +the O the O +net O net O +, O , O +I O I O +can O can O +send O send O +eMail O eMail O +and O and O +the O the O +system O system O +will O will O +deliver O deliver O +it O it O +on O on O +the O the O +very O very O +next O next O +occassion O occassion O +. O . O + +What O What O +is O is O +missing O missing O +from O from O +a O a O +TaskWarrior B-Application TaskWarrior O +perspective O perspective O +right O right O +now O now O +is O is O +a O a O +way O way O +to O to O +add O add O +these O these O +mails O mails O +to O to O +a O a O +TaskWarrior B-Application TaskWarrior O +installation O installation O +automatically O automatically O +. O . O + +Architecture O Architecture O + +The O The O +simplest O simplest O +solution O solution O +I O I O +could O could O +come O come O +up O up O +with O with O +is O is O +this O this O +: O : O + +A O A O +dedicated O dedicated O +email O email O +account O account O +is O is O +used O used O +to O to O +collect O collect O +the O the O +tasks O tasks O +. O . O + +A O A O +script O script O +that O that O +imports O imports O +all O all O +eMails O eMails O +as O as O +new O new O +tasks O tasks O +. O . O + +As O As O +a O a O +prerequisite O prerequisite O +, O , O +TaskWarrior B-Application TaskWarrior O +is O is O +assumed O assumed O +to O to O +be O be O +installed O installed O +and O and O +configured O configured O +. O . O + +With O With O +this O this O +architecture O architecture O +in O in O +place O place O +, O , O +the O the O +functionality O functionality O +is O is O +rather O rather O +simple O simple O +to O to O +implement O implement O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_79103 I-Code_Block GR_79103 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +As O As O +the O the O +word O word O +Transaction B-Library_Class Transaction B-Code_Block +implies O implies O +, O , O +the O the O +whole O whole O +operation O operation O +needs O needs O +to O to O +be O be O +atomic O atomic O +per O per O +mail O mail O +. O . O + +No O No O +task O task O +must O must O +be O be O +added O added O +if O if O +fetching O fetching O +a O a O +mail O mail O +went O went O +wrong O wrong O +, O , O +and O and O +no O no O +mail O mail O +must O must O +be O be O +deleted O deleted O +if O if O +storing O storing O +the O the O +task O task O +in O in O +TaskWarrior B-Application TaskWarrior O +failed O failed O +. O . O + +The O The O +solution O solution O +presented O presented O +here O here O +maintains O maintains O +a O a O +one-to-one O one-to-one O +relation O relation O +between O between O +the O the O +INBOX O INBOX O +of O of O +an O an O +mail O mail O +account O account O +and O and O +the O the O +TaskWarrior B-Application TaskWarrior O +database O database O +. O . O + +Components O Components O + +Mail O Mail O +fetching O fetching O +is O is O +done O done O +with O with O +fetchmail B-Application fetchmail B-Code_Block +, O , O +a O a O +proven O proven O +solution O solution O +available O available O +on O on O +all O all O +major O major O +Unices B-Operating_System Unices O +incl O incl O +. O . O + +MacOS B-Operating_System MacOS O +. O . O + +It O It O +will O will O +be O be O +configured O configured O +to O to O +use O use O +the O the O +twmail B-Application twmail B-Code_Block +script O script O +as O as O +a O a O +mail O mail O +delivery O delivery O +agent O agent O +( O ( O +mda O mda O +) O ) O +, O , O +which O which O +means O means O +nothing O nothing O +more O more O +than O than O +that O that O +fetchmail B-Application fetchmail B-Code_Block +fetches O fetches O +the O the O +mail O mail O +from O from O +the O the O +configured O configured O +account O account O +and O and O +hands O hands O +it O it O +over O over O +to O to O +our O our O +script O script O +. O . O + +There O There O +is O is O +no O no O +further O further O +storage O storage O +of O of O +the O the O +received O received O +mails O mails O +except O except O +in O in O +TaskWarrior B-Application TaskWarrior O +. O . O + +Error O Error O +Handling O Handling O + +If O If O +our O our O +MDA O MDA O +returns O returns O +non-zero O non-zero O +, O , O +fetchmail B-Application fetchmail B-Code_Block +will O will O +not O not O +assume O assume O +the O the O +message O message O +to O to O +be O be O +processed O processed O +and O and O +it O it O +will O will O +try O try O +again O again O +. O . O + +Alternatives O Alternatives O + +One O One O +might O might O +think O think O +of O of O +more O more O +elaborate O elaborate O +applications O applications O +that O that O +do O do O +more O more O +clever O clever O +things O things O +, O , O +but O but O +I O I O +wanted O wanted O +to O to O +create O create O +this O this O +solution O solution O +with O with O +as O as O +few O few O +external O external O +dependencies O dependencies O +as O as O +possible O possible O +. O . O + +fetchmail B-Application fetchmail B-Code_Block +is O is O +available O available O +on O on O +all O all O +Unices B-Operating_System Unices O +, O , O +and O and O +who O who O +can O can O +afford O afford O +to O to O +live O live O +without O without O +TaskWarrior B-Application TaskWarrior O +anyway O anyway O +? O ? O + +I O I O +also O also O +played O played O +with O with O +the O the O +thought O thought O +of O of O +a O a O +central O central O +tasks O tasks O +server O server O +that O that O +receives O receives O +mail O mail O +from O from O +services O services O +like O like O +CloudMailIn B-Application CloudMailIn O +and O and O +auto-adds O auto-adds O +them O them O +to O to O +the O the O +server B-Application server O +, O , O +but O but O +the O the O +result O result O +would O would O +not O not O +be O be O +much O much O +different O different O +( O ( O +besides O besides O +being O being O +more O more O +complex O complex O +) O ) O +to O to O +the O the O +solution O solution O +presented O presented O +here O here O +: O : O +No O No O +task O task O +will O will O +be O be O +fetched O fetched O +into O into O +TaskWarrior B-Application TaskWarrior O +until O until O +the O the O +machine O machine O +with O with O +the O the O +TaskWarrior B-Application TaskWarrior O +database O database O +is O is O +online O online O +. O . O + +Another O Another O +alternative O alternative O +would O would O +be O be O +to O to O +convert O convert O +the O the O +email O email O +to O to O +JSON B-File_Type JSON O +and O and O +use O use O +TaskWarrior B-Application TaskWarrior O +'s O 's O +import O import O +command O command O +. O . O + +This O This O +would O would O +allow O allow O +to O to O +create O create O +and O and O +annotate O annotate O +a O a O +new O new O +task O task O +in O in O +one O one O +step O step O +without O without O +the O the O +bin/task B-Code_Block bin/task B-Code_Block +-uuid I-Code_Block -uuid I-Code_Block +workaround O workaround O +. O . O + +Advanced O Advanced O +Usage O Usage O + +Filtering O Filtering O +and O and O +Routing O Routing O + +Many O Many O +more O more O +advanced O advanced O +use O use O +cases O cases O +like O like O +filtering O filtering O +and O and O +routing O routing O +can O can O +be O be O +implemented O implemented O +on O on O +the O the O +mail O mail O +server B-Application server O +side I-Application side O +. O . O + +There O There O +are O are O +plenty O plenty O +of O of O +user O user O +interfaces O interfaces O +for O for O +routing O routing O +eMails O eMails O +based O based O +on O on O +their O their O +subject O subject O +, O , O +sender O sender O +, O , O +body O body O +text O text O +, O , O +etc O etc O +. O . O + +The O The O +simplest O simplest O +way O way O +to O to O +integrate O integrate O +these O these O +features O features O +with O with O +twmail B-Application twmail B-Code_Block +is O is O +to O to O +use O use O +IMAP B-Algorithm IMAP O +folders O folders O +. O . O + +After O After O +all O all O +filtering O filtering O +and O and O +routing O routing O +, O , O +each O each O +eMail O eMail O +must O must O +end O end O +up O up O +in O in O +a O a O +dedicated O dedicated O +IMAP B-Algorithm IMAP O +folder O folder O +( O ( O +by O by O +default O default O +, O , O +all O all O +tasks O tasks O +are O are O +fetched O fetched O +from O from O +the O the O +INBOX O INBOX O +folder O folder O +) O ) O +. O . O + +twmail B-Application twmail B-Code_Block +can O can O +then O then O +be O be O +configured O configured O +to O to O +do O do O +different O different O +things O things O +depending O depending O +on O on O +which O which O +IMAP B-Algorithm IMAP O +folder O folder O +a O a O +mail O mail O +came O came O +from O from O +. O . O + +As O As O +an O an O +example O example O +, O , O +here O here O +is O is O +a O a O +simple O simple O +way O way O +to O to O +route O route O +eMails O eMails O +to O to O +different O different O +projects O projects O +in O in O +TaskWarrior B-Application TaskWarrior O +, O , O +based O based O +on O on O +their O their O +subject O subject O +line O line O +: O : O + +Set O Set O +up O up O +a O a O +dedicated O dedicated O +IMAP B-Algorithm IMAP O +folder O folder O +for O for O +every O every O +project O project O +you O you O +work O work O +on O on O +, O , O +e.g O e.g O +. O . O + +" O " O +Build O Build O +Bikeshed O Bikeshed O +" O " O +, O , O +" O " O +Reading O Reading O +List O List O +" O " O +, O , O +" O " O +Get O Get O +Rich O Rich O +Fast O Fast O +" O " O + +Configure O Configure O +the O the O +mail O mail O +server B-Application server O +to O to O +move O move O +every O every O +mail O mail O +from O from O +INBOX O INBOX O +to O to O +the O the O + +" O " O +Build O Build O +Bikeshed O Bikeshed O +" O " O +folder O folder O +if O if O +the O the O +mail O mail O +subject O subject O +contains O contains O +" O " O +project:Bikeshed O project:Bikeshed O +" O " O + +" O " O +Reading O Reading O +List O List O +" O " O +folder O folder O +if O if O +the O the O +mail O mail O +subject O subject O +contains O contains O +" O " O +project:Reading O project:Reading O +" O " O + +" O " O +Get O Get O +Rich O Rich O +Fast O Fast O +" O " O +folder O folder O +if O if O +the O the O +mail O mail O +subject O subject O +contains O contains O +" O " O +project:GetRichFast O project:GetRichFast O +" O " O + +Tell O Tell O +twmail B-Application twmail B-Code_Block +to O to O +fetch O fetch O +mails O mails O +from O from O +the O the O +" O " O +Build O Build O +Bikeshed O Bikeshed O +" O " O +, O , O +" O " O +Reading O Reading O +List O List O +" O " O +, O , O +and O and O +" O " O +Get O Get O +Rich O Rich O +Fast O Fast O +" O " O +IMAP B-Algorithm IMAP O +folders O folders O +( O ( O +in O in O +addition O addition O +to O to O +the O the O +INBOX O INBOX O +) O ) O +: O : O + +The O The O +approach O approach O +chosen O chosen O +for O for O +twmail B-Application twmail B-Code_Block +also O also O +addresses O addresses O +SPAM O SPAM O +filtering O filtering O +. O . O + +Handling O Handling O +that O that O +remains O remains O +the O the O +responsibility O responsibility O +of O of O +the O the O +mail O mail O +server B-Application server O +. O . O + +Anything O Anything O +that O that O +makes O makes O +it O it O +to O to O +the O the O +INBOX O INBOX O +is O is O +treated O treated O +as O as O +task O task O +. O . O + +Hooks O Hooks O + +twmail B-Application twmail B-Code_Block +comes O comes O +with O with O +an O an O +advanced O advanced O +implementation O implementation O +that O that O +supports O supports O +hooks O hooks O +. O . O + +This O This O +makes O makes O +handling O handling O +incoming O incoming O +mail O mail O +very O very O +simple O simple O +for O for O +someone O someone O +familiar O familiar O +with O with O +shell O shell O +scripting O scripting O +, O , O +and O and O +there O there O +is O is O +no O no O +need O need O +to O to O +edit O edit O +the O the O +twmail B-Application twmail B-Code_Block +scripts O scripts O +in O in O +order O order O +to O to O +customize O customize O +its O its O +behavior O behavior O +. O . O + +When O When O +fetchmail B-Application fetchmail B-Code_Block +is O is O +configured O configured O +to O to O +use O use O +twmail-hook B-Application twmail-hook B-Code_Block +instead O instead O +of O of O +twmail B-Application twmail B-Code_Block +, O , O +the O the O +script O script O +will O will O +call O call O +the O the O +twmail-hook B-Application twmail-hook B-Code_Block +command O command O +( O ( O +must O must O +be O be O +in O in O +the O the O +user O user O +'s O 's O +$PATH B-Library_Variable $PATH B-Code_Block +) O ) O +. O . O + +Within O Within O +the O the O +hook O hook O +script O script O +, O , O +the O the O +fields O fields O +of O of O +the O the O +parsed O parsed O +email O email O +are O are O +available O available O +as O as O +environment O environment O +variables O variables O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_79104 I-Code_Block GR_79104 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Have O Have O +a O a O +look O look O +at O at O +test/helpers/test_hook O test/helpers/test_hook O +for O for O +a O a O +very O very O +simple O simple O +implementation O implementation O +. O . O + +If O If O +you O you O +prefer O prefer O +a O a O +hook O hook O +with O with O +a O a O +different O different O +name O name O +, O , O +specify O specify O +it O it O +in O in O +the O the O +TWMAIL_HOOK B-Library_Variable TWMAIL_HOOK B-Code_Block +environment O environment O +variable O variable O +in O in O +your O your O +.fetchmailrc B-File_Type .fetchmailrc B-Code_Block +. O . O + +For O For O +example O example O +, O , O +if O if O +your O your O +home O home O +directory O directory O +contains O contains O +a O a O +script O script O +called O called O +taskwarrior-import.sh B-File_Name taskwarrior-import.sh B-Code_Block +, O , O +edit O edit O +the O the O +mda B-Code_Block mda B-Code_Block +line O line O +to O to O +look O look O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_79105 I-Code_Block GR_79105 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Housekeeping O Housekeeping O + +By O By O +default O default O +fetchmail B-Application fetchmail B-Code_Block +will O will O +mark O mark O +retrieved O retrieved O +messages O messages O +as O as O +read O read O +, O , O +but O but O +leave O leave O +them O them O +on O on O +the O the O +server B-Application server O +. O . O + +For O For O +housekeeping O housekeeping O +purposes O purposes O +, O , O +it O it O +may O may O +be O be O +desirable O desirable O +to O to O +delete O delete O +messages O messages O +from O from O +the O the O +server B-Application server O +once O once O +they O they O +were O were O +successfully O successfully O +imported O imported O +into O into O +TaskWarrior B-Application TaskWarrior O +. O . O + +There O There O +are O are O +two O two O +ways O ways O +to O to O +achieve O achieve O +this O this O +: O : O + +Create O Create O +a O a O +filter O filter O +on O on O +the O the O +server B-Application server O +side I-Application side O +that O that O +deletes O deletes O +all O all O +read O read O +mail O mail O +to O to O +a O a O +dedicated O dedicated O +folder O folder O +( O ( O +perhaps O perhaps O +" O " O +Archive O Archive O +" O " O +or O or O +" O " O +Trash O Trash O +" O " O +) O ) O +, O , O +or O or O +simply O simply O +deletes O deletes O +it O it O +. O . O + +Run O Run O +fetchmail B-Application fetchmail B-Code_Block +with O with O +the O the O +--nokeep B-Code_Block --nokeep B-Code_Block +option O option O +, O , O +which O which O +will O will O +delete O delete O +retrieved O retrieved O +messages O messages O +from O from O +the O the O +server B-Application server O +. O . O + +Which O Which O +option O option O +to O to O +choose O choose O +depends O depends O +on O on O +the O the O +capabilities O capabilities O +of O of O +your O your O +mail O mail O +server B-Application server O +( O ( O +Google B-Application Google O +Mail I-Application Mail O +cannot O cannot O +handle O handle O +mails O mails O +based O based O +on O on O +their O their O +read O read O +status O status O +) O ) O +, O , O +and O and O +on O on O +your O your O +level O level O +of O of O +trust O trust O +in O in O +twmail B-Application twmail B-Code_Block +. O . O + +I O I O +recommend O recommend O +leaving O leaving O +mails O mails O +on O on O +the O the O +server B-Application server O +until O until O +you O you O +are O are O +confident O confident O +that O that O +everything O everything O +works O works O +as O as O +expected O expected O +. O . O + +Testing O Testing O + +twmail B-Application twmail B-Code_Block +comes O comes O +with O with O +a O a O +basic O basic O +set O set O +of O of O +tests O tests O +. O . O + +Execute O Execute O +them O them O +by O by O +running O running O +rake B-Code_Block rake B-Code_Block +in O in O +the O the O +cloned O cloned O +source O source O +repo O repo O +. O . O + +Repository_Name O Repository_Name O +: O : O +CocMap/opencv_starter O CocMap/opencv_starter O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/CocMap/opencv_starter/issues/1 O https://github.com/CocMap/opencv_starter/issues/1 O + +Hello O Hello O +, O , O +Can O Can O +you O you O +let O let O +me O me O +join O join O +the O the O +group O group O +please O please O +? O ? O + +I O I O +am O am O +very O very O +pleased O pleased O +to O to O +contribute O contribute O +and O and O +help O help O +everyone O everyone O +in O in O +the O the O +group O group O +to O to O +improve O improve O +their O their O +skills O skills O +as O as O +soon O soon O +as O as O +possible O possible O +. O . O + +Can O Can O +you O you O +consider O consider O +my O my O +request O request O +as O as O +a O a O +friend O friend O +also O also O +as O as O +a O a O +boy O boy O +? O ? O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/24 O https://github.com/resin-io-modules/resin-image-fs/issues/24 O + +This O This O +PR O PR O +adds O adds O +support O support O +for O for O +ext O ext O +filesystems O filesystems O +. O . O + +It O It O +also O also O +changes O changes O +the O the O +API B-Library API O +so O so O +the O the O +version O version O +is O is O +3.0.0 B-Version 3.0.0 O + +New O New O +things O things O +: O : O + +imagefs.interact(disk,partitions) B-Library_Function imagefs.interact(disk,partitions) B-Code_Block +returns O returns O +a O a O +disposer O disposer O +of O of O +an O an O +fs O fs B-Code_Block +interface O interface O +so O so O +the O the O +user O user O +can O can O +do O do O +whatever O whatever O +he O he O +wants O wants O +on O on O +the O the O +partition O partition O +. O . O + +This O This O +was O was O +n't O n't O +exported O exported O +before O before O +. O . O + +imagefs.listDirectory B-Library_Function imagefs.listDirectory B-Code_Block +now O now O +lists O lists O +all O all O +files O files O +, O , O +including O including O +those O those O +that O that O +start O start O +with O with O +a O a O +dot O dot O +( O ( O +I O I O +took O took O +advantage O advantage O +of O of O +the O the O +version O version O +bump O bump O +to O to O +change O change O +this O this O +) O ) O +. O . O + +imagefs.write B-Library_Function imagefs.write B-Code_Block +now O now O +returns O returns O +a O a O +Promise B-Library_Class Promise B-Code_Block +and O and O +not O not O +a O a O +Promise B-Library_Class Promise B-Code_Block +of O of O +a O a O +WriteStream B-Library_Class WriteStream B-Code_Block +. O . O + +Returning O Returning O +the O the O +stream O stream O +was O was O +useless O useless O +as O as O +the O the O +data O data O +was O was O +already O already O +being O being O +written O written O +and O and O +it O it O +forced O forced O +the O the O +user O user O +to O to O +listen O listen O +to O to O +the O the O +' O ' O +close O close O +' O ' O +event O event O +. O . O + +same O same O +thing O thing O +for O for O +imagefs.copy B-Library_Function imagefs.copy B-Code_Block +and O and O +imagefs.replace B-Library_Function imagefs.replace B-Code_Block +: O : O +they O they O +now O now O +return O return O +an O an O +empty O empty O +Promise B-Library_Class Promise B-Code_Block +. O . O + +imagefs.read B-Library_Function imagefs.read B-Code_Block +now O now O +returns O returns O +a O a O +bluebird.disposer B-Library_Function bluebird.disposer B-Code_Block +of O of O +a O a O +ReadStream B-Library_Class ReadStream B-Code_Block +instead O instead O +of O of O +a O a O +Promise B-Library_Class Promise B-Code_Block +of O of O +a O a O +ReadStream B-Library_Class ReadStream B-Code_Block +to O to O +avoid O avoid O +problems O problems O +like O like O +reading O reading O +a O a O +stream O stream O +of O of O +a O a O +closed O closed O +file O file O +. O . O + +There O There O +is O is O +another O another O +option O option O +for O for O +imagefs.write B-Library_Function imagefs.write B-Code_Block +: O : O +we O we O +could O could O +drop O drop O +the O the O +inputStream B-Library_Class inputStream B-Code_Block +parameter O parameter O +and O and O +return O return O +a O a O +bluebird.disposer B-Library_Function bluebird.disposer B-Code_Block +of O of O +a O a O +WriteStream B-Library_Class WriteStream B-Code_Block +so O so O +the O the O +user O user O +can O can O +pipe O pipe O +any O any O +input O input O +by O by O +himself O himself O +in O in O +it O it O +. O . O + +I O I O +'m O 'm O +not O not O +sure O sure O +which O which O +option O option O +would O would O +be O be O +the O the O +best O best O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/23 O https://github.com/mapbox/tile-count/issues/23 O + +False O False O +alarm O alarm O +: O : O +I O I O +changed O changed O +the O the O +gamma B-Library_Variable gamma O +setting O setting O +during O during O +retiling O retiling O +, O , O +which O which O +would O would O +have O have O +collapsed O collapsed O +some O some O +of O of O +the O the O +original O original O +brightness O brightness O +levels O levels O +together O together O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/33 O https://github.com/google-ar/arcore-unreal-sdk/issues/33 O + +The O The O +GoogleARCore B-Application GoogleARCore O +plugin I-Application plugin O +should O should O +have O have O +x86 B-Version x86 O +build O build O +hooked O hooked O +up O up O +already O already O +. O . O + +The O The O +error O error O +you O you O +saw O saw O +is O is O +more O more O +likely O likely O +on O on O +the O the O +Unreal B-Application Unreal O +Engine I-Application Engine O +side O side O +. O . O + +Have O Have O +you O you O +tried O tried O +build O build O +the O the O +third O third O +person O person O +template O template O +without O without O +ARCore B-Application ARCore O +plugin I-Application plugin O +in O in O +x86 B-Version x86 O +see O see O +if O if O +it O it O +works O works O +? O ? O + +It O It O +not O not O +, O , O +you O you O +probably O probably O +want O want O +to O to O +report O report O +the O the O +issue O issue O +to O to O +Epic B-Organization Epic O +. O . O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/4 O https://github.com/LucieSteiner/AMT_feature1/issues/4 O + +Same O Same O +comments O comments O +made O made O +for O for O +the O the O +login B-User_Interface_Element login O +form I-User_Interface_Element form O +: O : O +there O there O +is O is O +something O something O +wrong O wrong O +with O with O +the O the O +visual O visual O +layout O layout O +. O . O + +Another O Another O +issue O issue O +is O is O +that O that O +you O you O +ask O ask O +only O only O +once O once O +for O for O +the O the O +password O password O +. O . O + +What O What O +if O if O +the O the O +user O user O +makes O makes O +a O a O +typo O typo O +? O ? O + +Repository_Name O Repository_Name O +: O : O +getconversio/mongoose O getconversio/mongoose O +-paginate O -paginate O + +Repository_Link O Repository_Link O +: O : O +https://github.com/getconversio/mongoose-paginate O https://github.com/getconversio/mongoose-paginate O + +mongoose-paginate O mongoose-paginate O + +Pagination O Pagination O +plugin O plugin O +for O for O +Mongoose B-Application Mongoose O + +Note O Note O +: O : O +This O This O +plugin O plugin O +will O will O +only O only O +work O work O +with O with O +Node.js B-Library Node.js O +>= O >= O +4.2 B-Version 4.2 O +and O and O +Mongoose B-Application Mongoose O +>= O >= O +4.2 B-Version 4.2 O + +Installation O Installation O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37744 I-Code_Block GR_37744 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Usage O Usage O + +Add O Add O +plugin O plugin O +to O to O +a O a O +schema O schema O +and O and O +then O then O +use O use O +model B-Library_Class model O +paginate B-Library_Function paginate B-Code_Block +method O method O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37745 I-Code_Block GR_37745 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Model.paginate B-Library_Class Model.paginate O +( O ( O +[query] B-Library_Variable [query] O +, O , O +[ O [ O +options B-Library_Variable options O +] O ] O +, O , O +[ O [ O +callback] B-Library_Variable callback] O +) O ) O + +Parameters O Parameters O + +[ O [ B-Code_Block +query B-Library_Variable query I-Code_Block +] O ] I-Code_Block +{ O { O +Object B-Data_Structure Object O +} O } O +- O - O +Query O Query O +criteria O criteria O +. O . O + +Documentation O Documentation O + +[ O [ B-Code_Block +options B-Library_Variable options I-Code_Block +] O ] I-Code_Block +{ O { O +Object B-Data_Structure Object O +} O } O + +[ O [ B-Code_Block +select B-Library_Variable select I-Code_Block +] O ] I-Code_Block +{ O { O +Object B-Data_Structure Object O +| O | O +String} B-Data_Type String} O +- O - O +Fields O Fields O +to O to O +return O return O +( O ( O +by O by O +default O default O +returns O returns O +all O all O +fields O fields O +) O ) O +. O . O + +Documentation O Documentation O + +[ O [ B-Code_Block +sort B-Library_Variable sort I-Code_Block +] O ] I-Code_Block +{ O { O +Object B-Data_Structure Object O +| O | O +String} B-Data_Type String} O +- O - O +Sort O Sort O +order O order O +. O . O + +Documentation O Documentation O + +[ O [ B-Code_Block +populate B-Library_Variable populate I-Code_Block +] O ] I-Code_Block +{ O { O +Array B-Data_Structure Array O +| O | O +Object B-Data_Structure Object O +| O | O +String} B-Data_Type String} O +- O - O +Paths O Paths O +which O which O +should O should O +be O be O +populated O populated O +with O with O +other O other O +documents O documents O +. O . O + +Documentation O Documentation O + +[ O [ B-Code_Block +lean=false B-Library_Variable lean=false I-Code_Block +] O ] I-Code_Block +{ O { O +Boolean B-Data_Type Boolean O +} O } O +- O - O +Should O Should O +return O return O +plain O plain O +javascript B-Language javascript O +objects B-Data_Structure objects O +instead O instead O +of O of O +Mongoose B-Application Mongoose O +documents O documents O +? O ? O + +Documentation O Documentation O + +[ B-Library_Variable [ B-Code_Block +leanWithId=true I-Library_Variable leanWithId=true I-Code_Block +] I-Library_Variable ] I-Code_Block +{ O { O +Boolean B-Data_Type Boolean O +} O } O +- O - O +If O If O +lean B-Library_Variable lean B-Code_Block +and O and O +leanWithId B-Library_Variable leanWithId B-Code_Block +are O are O +true O true B-Code_Block +, O , O +adds O adds O +id B-Variable_Name id B-Code_Block +field O field O +with O with O +string B-Data_Type string O +representation O representation O +of O of O +_id O _id B-Code_Block +to O to O +every O every O +document O document O + +[ O [ B-Code_Block +offset=0 B-Library_Variable offset=0 I-Code_Block +] O ] I-Code_Block +{ O { O +Number B-Data_Type Number O +} O } O +- O - O +Use O Use O +offset B-Library_Variable offset B-Code_Block +or O or O +page B-Library_Variable page B-Code_Block +to O to O +set O set O +skip O skip O +position O position O + +[ O [ B-Code_Block +page=1 B-Library_Variable page=1 I-Code_Block +] O ] I-Code_Block +{ O { O +Number B-Data_Type Number O +} O } O + +[ O [ B-Code_Block +limit=10 B-Library_Variable limit=10 I-Code_Block +] O ] I-Code_Block +{ O { O +Number B-Data_Type Number O +} O } O + +[ O [ B-Code_Block +callback(err, B-Library_Function callback(err, I-Code_Block +result) B-Variable_Name result) I-Code_Block +] O ] I-Code_Block +- O - O +If O If O +specified O specified O +the O the O +callback B-Library_Function callback O +is O is O +called O called O +once O once O +pagination O pagination O +results O results O +are O are O +retrieved O retrieved O +or O or O +when O when O +an O an O +error O error O +has O has O +occurred O occurred O + +Return O Return O +value O value O + +Promise O Promise O +fulfilled O fulfilled O +with O with O +object O object O +having O having O +properties O properties O +: O : O + +docs B-Library_Variable docs B-Code_Block +{ O { O +Array B-Data_Structure Array O +} O } O +- O - O +Array B-Data_Structure Array O +of O of O +documents O documents O + +total B-Library_Variable total B-Code_Block +{ O { O +Number B-Data_Type Number O +} O } O +- O - O +Total O Total O +number O number O +of O of O +documents O documents O +in O in O +collection O collection O +that O that O +match O match O +a O a O +query O query O + +limit B-Library_Variable limit B-Code_Block +{ O { O +Number B-Data_Type Number O +} O } O +- O - O +Limit O Limit O +that O that O +was O was O +used O used O + +[ O [ B-Code_Block +page B-Library_Variable page I-Code_Block +] O ] I-Code_Block +{ O { O +Number B-Data_Type Number O +} O } O +- O - O +Only O Only O +if O if O +specified O specified O +or O or O +default O default O +page/offset B-Library_Variable page/offset B-Code_Block +values O values O +were O were O +used O used O + +[ O [ B-Code_Block +pages B-Library_Variable pages I-Code_Block +] O ] I-Code_Block +{ O { O +Number B-Data_Type Number O +} O } O +- O - O +Only O Only O +if O if O +page B-Library_Variable page B-Code_Block +specified O specified O +or O or O +default O default O +page/offset B-Library_Variable page/offset B-Code_Block +values O values O +were O were O +used O used O + +[ O [ B-Code_Block +offset B-Library_Variable offset I-Code_Block +] O ] I-Code_Block +{ O { O +Number B-Data_Type Number O +} O } O +- O - O +Only O Only O +if O if O +specified O specified O +or O or O +default O default O +page/offset B-Library_Variable page/offset B-Code_Block +values O values O +were O were O +used O used O + +Examples O Examples O + +Skip O Skip O +20 O 20 O +documents O documents O +and O and O +return O return O +10 O 10 O +documents O documents O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37746 I-Code_Block GR_37746 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +you O you O +can O can O +do O do O +the O the O +same O same O +with O with O +offset B-Library_Variable offset B-Code_Block +and O and O +limit B-Library_Variable limit B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37747 I-Code_Block GR_37747 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +With O With O +promise O promise O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37748 I-Code_Block GR_37748 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +More O More O +advanced O advanced O +example O example O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37749 I-Code_Block GR_37749 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Zero O Zero O +limit O limit O + +You O You O +can O can O +use O use O +limit B-Library_Variable limit B-Code_Block += O = I-Code_Block +0 O 0 I-Code_Block +to O to O +get O get O +only O only O +metadata O metadata O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37750 I-Code_Block GR_37750 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Set O Set O +custom O custom O +default O default O +options O options O +for O for O +all O all O +queries O queries O + +config.js B-File_Name config.js O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37751 I-Code_Block GR_37751 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +controller.js B-File_Name controller.js O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37752 I-Code_Block GR_37752 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Tests O Tests O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37753 I-Code_Block GR_37753 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +License O License O + +MIT B-Licence MIT O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/19 O https://github.com/koding/kd-atom/issues/19 O + +This O This O +is O is O +very O very O +much O much O +a O a O +POC O POC O +to O to O +list O list O +machines B-Device machines O +with O with O +settings O settings O +. O . O + +Improvements O Improvements O +can O can O +and O and O +should O should O +be O be O +made O made O +before O before O +merging O merging O +this O this O +( O ( O +or O or O +possibly O possibly O +publishing O publishing O +a O a O +new O new O +version O version O +) O ) O + +Repository_Name O Repository_Name O +: O : O +m1k3/csv_base O m1k3/csv_base O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/m1k3/csv_base/issues/1 O https://github.com/m1k3/csv_base/issues/1 O + +UTF-8 B-Algorithm UTF-8 O +e O e O +UTF-16 B-Algorithm UTF-16 O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/17 O https://github.com/mapbox/tile-count/issues/17 O + +Changing O Changing O +cdf() B-Library_Function cdf() B-Code_Block +not O not O +to O to O +include O include O +duplicate O duplicate O +values O values O +just O just O +pushes O pushes O +the O the O +problem O problem O +a O a O +little O little O +further O further O +out O out O +, O , O +leading O leading O +to O to O +a O a O +more O more O +heavy-handed O heavy-handed O +SIGKILL B-Code_Block SIGKILL B-Code_Block +out B-Error_Name out O +of I-Error_Name of O +memory I-Error_Name memory O +. O . O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/36 O https://github.com/moxie-lean/ng-patternlab/issues/36 O + +Ref O Ref O +: O : O +https://github.com/moxie-leean/ng-patternlab/blob/efc77d218a148971a35aac4bfb91d2ce13acd287/lib/organisms/gravity-form/gravity-form.controller.js#L29 O https://github.com/moxie-leean/ng-patternlab/blob/efc77d218a148971a35aac4bfb91d2ce13acd287/lib/organisms/gravity-form/gravity-form.controller.js#L29 O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/1 O https://github.com/SivanMehta/wander/issues/1 O + +This O This O +PR O PR O +makes O makes O +breaking O breaking O +changes O changes O +so O so O +make O make O +sure O sure O +that O that O +you O you O +perform O perform O +the O the O +following O following O +commands O commands O +before O before O +looking O looking O +through O through O +the O the O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_31114 I-Code_Block GR_31114 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +build O build O +build O build O +the O the O +webpack B-Application webpack B-Code_Block +version O version O +of O of O +the O the O +code O code O +, O , O +write O write O +it O it O +to O to O +public/dist B-Code_Block public/dist B-Code_Block +and O and O +then O then O +start O start O +the O the O +server B-Application server O +on O on O +the O the O +default O default O +port O port O +( O ( O +see O see O +system O system O +log O log O +for O for O +which O which O +one O one O +you O you O +happened O happened O +to O to O +configure O configure O +) O ) O + +If O If O +you O you O +do O do O +n't O n't O +want O want O +to O to O +do O do O +this O this O +, O , O +you O you O +can O can O +just O just O +go O go O +to O to O +https://cmuwander.herokuapp.com/ O https://cmuwander.herokuapp.com/ O +to O to O +see O see O +a O a O +live O live O +version O version O +of O of O +the O the O +app O app O +. O . O + +Repository_Name O Repository_Name O +: O : O +clarenceb/tdd_go_logo O clarenceb/tdd_go_logo O + +Repository_Link O Repository_Link O +: O : O +https://github.com/clarenceb/tdd_go_logo O https://github.com/clarenceb/tdd_go_logo O + +TDD O TDD O +Go B-Language Go O +Logo I-Language Logo O + +This O This O +project O project O +is O is O +an O an O +idea O idea O +for O for O +a O a O +TDD O TDD O +exercise O exercise O +in O in O +using O using O +Go B-Language Go O +. O . O + +It O It O +is O is O +pretty O pretty O +bare O bare O +. O . O + +You O You O +need O need O +to O to O +implement O implement O +the O the O +real O real O +code O code O +! O ! O + +Idea O Idea O +: O : O + +Create O Create O +a O a O +basic O basic O +Logo B-Language Logo O +interpreter O interpreter O +in O in O +Go B-Language Go O +lang O lang O +. O . O + +It O It O +can O can O +just O just O +be O be O +a O a O +small O small O +subset O subset O +of O of O +the O the O +language O language O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9138 I-Code_Block GR_9138 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +See O See O +ACSLogo B-Application ACSLogo O +For O For O +Mac B-Operating_System Mac O +OS I-Operating_System OS O +X I-Operating_System X O +as O as O +a O a O +real O real O +Logo B-Language Logo O +implementation O implementation O +and O and O +to O to O +compare O compare O +your O your O +output O output O +. O . O + +ACSLogo B-Application ACSLogo O +'s O 's O +help O help O +menu B-User_Interface_Element menu O +is O is O +a O a O +handy O handy O +reference O reference O +for O for O +Logo B-Language Logo O +commands O commands O +and O and O +usage O usage O +. O . O + +Sample O Sample O +usage O usage O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9139 I-Code_Block GR_9139 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +will O will O +output O output O +the O the O +results O results O +to O to O +a O a O +PNG B-File_Type PNG O +file O file O +. O . O + +To O To O +keep O keep O +things O things O +simple O simple O +, O , O +its O its O +not O not O +interactive O interactive O +and O and O +just O just O +outputs O outputs O +to O to O +a O a O +file O file O +. O . O + +The O The O +draw2d B-Library draw2d O +package O package O +can O can O +be O be O +used O used O +as O as O +an O an O +library O library O +to O to O +draw O draw O +to O to O +an O an O +image B-User_Interface_Element image O +. O . O + +See O See O +Samples O Samples O +for O for O +example O example O +code O code O +using O using O +the O the O +draw2d B-Library draw2d B-Code_Block +package O package O +. O . O + +Setup O Setup O +: O : O + +Install O Install O +Go B-Language Go O +lang O lang O +and O and O +set O set O +your O your O +GOPATH B-Library_Variable GOPATH O +environment O environment O +variable O variable O + +Install O Install O +the O the O +pre-requisite O pre-requisite O +library O library O +freetype-go B-Library freetype-go B-Code_Block +: O : O + +go B-Code_Block go O +get I-Code_Block get O +code.google.com/p/freetype-go/freetype I-Code_Block code.google.com/p/freetype-go/freetype O + +Install O Install O +the O the O +draw2d B-Library draw2d B-Code_Block +package O package O +: O : O + +go B-Code_Block go O +get I-Code_Block get O +code.google.com/p/draw2d/draw2d I-Code_Block code.google.com/p/draw2d/draw2d O + +Run O Run O +the O the O +example O example O +starting O starting O +app O app O +: O : O + +go B-Code_Block go O +build I-Code_Block build O + +./tdd_go_logo B-File_Name ./tdd_go_logo O +draw_square.txt I-File_Name draw_square.txt O + +Check O Check O +the O the O +resulting O resulting O +image B-User_Interface_Element image O +: O : O + +open O open O +Logo-output.png B-File_Name Logo-output.png O + +Start O Start O +TDDing O TDDing O +your O your O +tests O tests O +for O for O +the O the O +real O real O +implementation O implementation O +! O ! O + +You O You O +can O can O +use O use O +the O the O +built-in O built-in O +testing B-Library testing B-Code_Block +package O package O +or O or O +something O something O +like O like O +goconvey B-Application goconvey O +. O . O + +Extensions O Extensions O +: O : O + +Display O Display O +results O results O +in O in O +a O a O +window B-User_Interface_Element window O +rather O rather O +than O than O +a O a O +file O file O + +Interactive O Interactive O +use O use O + +Support O Support O +more O more O +Logo B-Language Logo O +commands O commands O + +Repository_Name O Repository_Name O +: O : O +cjcliffe/CubicSDR O cjcliffe/CubicSDR O +-flatpak O -flatpak O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/cjcliffe/CubicSDR-flatpak/issues/3 O https://github.com/cjcliffe/CubicSDR-flatpak/issues/3 O + +Newer O Newer O +versions O versions O +of O of O +libhackrf B-Library libhackrf O +require O require O +fftw3 B-Library fftw3 O +. O . O + +This O This O +patch O patch O +adds O adds O +that O that O +package O package O +. O . O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/103 O https://github.com/moxie-lean/ng-patternlab/issues/103 O + + +What O What O +kind O kind O +of O of O +change O change O +does O does O +this O this O +PR O PR O +introduce O introduce O +? O ? O + +( O ( O +Bug O Bug O +fix O fix O +, O , O +feature O feature O +, O , O +docs O docs O +update O update O +, O , O +.. O .. O +. O . O +) O ) O + +add O add O +alt B-HTML_XML_Tag alt O +tag O tag O +in O in O +images B-User_Interface_Element images O + +What O What O +is O is O +the O the O +current O current O +behavior O behavior O +? O ? O + +( O ( O +You O You O +can O can O +also O also O +link O link O +to O to O +an O an O +open O open O +issue O issue O +here O here O +) O ) O +The O The O +images B-User_Interface_Element images O +dont O dont O +have O have O +alt B-HTML_XML_Tag alt O +tag O tag O + +What O What O +is O is O +the O the O +new O new O +behavior O behavior O +( O ( O +if O if O +this O this O +is O is O +a O a O +feature O feature O +change O change O +) O ) O +? O ? O + +Add O Add O +the O the O +alt B-HTML_XML_Tag alt O +tag O tag O +in O in O +images B-User_Interface_Element images O +for O for O +pass O pass O +w3c B-Organization w3c O +validation O validation O + +Does O Does O +this O this O +PR O PR O +introduce O introduce O +a O a O +breaking O breaking O +change O change O +? O ? O + +( O ( O +What O What O +changes O changes O +might O might O +users O users O +need O need O +to O to O +make O make O +in O in O +their O their O +application O application O +due O due O +to O to O +this O this O +PR O PR O +? O ? O +) O ) O + +Other O Other O +information O information O +: O : O + +Repository_Name O Repository_Name O +: O : O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-Website O -Website O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/HackClub-SLHS/HackClub-Website/issues/7 O https://github.com/HackClub-SLHS/HackClub-Website/issues/7 O + +forgot O forgot O +to O to O +save O save O + +Repository_Name O Repository_Name O +: O : O +mjacobus/carrasco O mjacobus/carrasco O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mjacobus/carrasco/issues/7 O https://github.com/mjacobus/carrasco/issues/7 O + +typo O typo O +in O in O +profile O profile O +name O name O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/6 O https://github.com/McMenemy/GoDoRP/issues/6 O + +during O during O +startup O startup O +, O , O +the O the O +following O following O +error O error O +is O is O +displayed O displayed O +, O , O +have O have O +you O you O +seen O seen O +it O it O +? O ? O + +db_1 B-Code_Block db_1 B-Code_Block +| I-Code_Block | I-Code_Block +FATAL I-Code_Block FATAL I-Code_Block +: I-Code_Block : I-Code_Block +data I-Code_Block data I-Code_Block +directory I-Code_Block directory I-Code_Block +" I-Code_Block " I-Code_Block +/pgdata I-Code_Block /pgdata I-Code_Block +" I-Code_Block " I-Code_Block +has I-Code_Block has I-Code_Block +wrong I-Code_Block wrong I-Code_Block +ownership I-Code_Block ownership I-Code_Block + +db_1 B-Code_Block db_1 B-Code_Block +| I-Code_Block | I-Code_Block +HINT I-Code_Block HINT I-Code_Block +: I-Code_Block : I-Code_Block +The I-Code_Block The I-Code_Block +server I-Code_Block server I-Code_Block +must I-Code_Block must I-Code_Block +be I-Code_Block be I-Code_Block +started I-Code_Block started I-Code_Block +by I-Code_Block by I-Code_Block +the I-Code_Block the I-Code_Block +user I-Code_Block user I-Code_Block +that I-Code_Block that I-Code_Block +owns I-Code_Block owns I-Code_Block +the I-Code_Block the I-Code_Block +data I-Code_Block data I-Code_Block +directory I-Code_Block directory I-Code_Block +. I-Code_Block . I-Code_Block + +godorp_db_1 B-Code_Block godorp_db_1 B-Code_Block +exited I-Code_Block exited I-Code_Block +with I-Code_Block with I-Code_Block +code I-Code_Block code I-Code_Block +1 I-Code_Block 1 I-Code_Block + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/4 O https://github.com/McMenemy/GoDoRP/issues/4 O + +build O build O +success O success O +in O in O +docker B-Application docker O +environment O environment O +, O , O +but O but O +build O build O +failed O failed O +outside O outside O +docker B-Application docker O +. O . O + +the O the O +following O following O +is O is O +the O the O +steps O steps O +build O build O +api B-Library api O +outside O outside O +docker B-Application docker O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_42234 I-Code_Block GR_42234 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_42235 I-Code_Block GR_42235 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +golang B-Language golang O +version O version O +is O is O +1.9.2 B-Version 1.9.2 O +; O ; O + +I O I O +guess O guess O +this O this O +error O error O +is O is O +related O related O +with O with O +vendor O vendor O +fearture O fearture O +, O , O +but O but O +I O I O +do O do O +n't O n't O +know O know O +how O how O +to O to O +fix O fix O +. O . O + +can O can O +you O you O +help O help O +me O me O +for O for O +this O this O +issue O issue O +? O ? O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/11 O https://github.com/rgeo/rgeo-activerecord/issues/11 O + + +Added O Added O +Ruby B-Language Ruby O +2.1.0 B-Version 2.1.0 O +to O to O +the O the O +.travis.yml B-File_Name .travis.yml O + +Updated O Updated O +the O the O +Rubinius O Rubinius O +label O label O +and O and O +included O included O +required O required O +Rubinius O Rubinius O +gems O gems O + +Added O Added O +a O a O +gemfile B-File_Type gemfile O +for O for O +ActiveRecord B-Library ActiveRecord O +4.1.0.beta1 B-Version 4.1.0.beta1 O + +Minor O Minor O +changes O changes O +to O to O +allow O allow O +specs O specs O +to O to O +run O run O +across O across O +different O different O +Ruby/ActiveRecord B-Language Ruby/ActiveRecord O +combinations O combinations O +. O . O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/2 O https://github.com/McMenemy/GoDoRP/issues/2 O + +This O This O +is O is O +an O an O +extremely O extremely O +handy O handy O +starter O starter O +project O project O +. O . O + +Thanks O Thanks O +a O a O +lot O lot O +. O . O + +I O I O +am O am O +filing O filing O +this O this O +as O as O +an O an O +enhancement O enhancement O +( O ( O +not O not O +a O a O +bug O bug O +) O ) O +. O . O + +It O It O +will O will O +be O be O +nice O nice O +if O if O +you O you O +can O can O +integrate O integrate O +create-react-app B-Application create-react-app O +for O for O +the O the O +front-end O front-end O +and O and O +goose B-Application goose O +( O ( O +or O or O +some O some O +such O such O +) O ) O +database O database O +migration O migration O +tool O tool O +, O , O +on O on O +the O the O +api B-Library api O +side O side O +. O . O + +Creating O Creating O +tables B-Data_Structure tables O +and O and O +databases O databases O +should O should O +be O be O +done O done O +in O in O +a O a O +reliable O reliable O +, O , O +verifiable O verifiable O +way O way O +to O to O +ensure O ensure O +that O that O +two O two O +instances O instances O +of O of O +a O a O +API B-Library API O +service O service O +may O may O +not O not O +run O run O +the O the O +same O same O +sql B-Language sql O +commands O commands O +, O , O +etc O etc O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/24 O https://github.com/google-ar/arcore-unreal-sdk/issues/24 O + +I O I O +have O have O +packaged O packaged O +app O app O +in O in O +unreal B-Application unreal O +engine.but I-Application engine.but O +it O it O +is O is O +not O not O +working O working O +on O on O +my O my O +Moto B-Device Moto O +G5S B-Version G5S O +Plus I-Version Plus O +. O . O + +Recently O Recently O +it O it O +is O is O +included O included O +in O in O +supported O supported O +devices O devices O +recently O recently O +. O . O + +My O My O +app O app O +is O is O +working O working O +perfectly O perfectly O +in O in O +Pixel B-Device Pixel O +. O . O + +Is O Is O +there O there O +any O any O +solution O solution O +for O for O +it O it O +? O ? O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/381 O https://github.com/katzer/cordova-plugin-background-mode/issues/381 O + +hello O hello O +guys O guys O +i O i O +need O need O +your O your O +help O help O +for O for O +resolve O resolve O +my O my O +solution O solution O +when O when O +i O i O +add O add O +cordova-plugin-background-mode B-Application cordova-plugin-background-mode O +( O ( O +ionic B-Code_Block ionic O +cordova I-Code_Block cordova O +add I-Code_Block add O +cordova-plugin-background-mode I-Code_Block cordova-plugin-background-mode O +) O ) O +( O ( O +npm B-Code_Block npm O +install I-Code_Block install O +--save I-Code_Block --save O +@ionic I-Code_Block @ionic O +-native/background I-Code_Block -native/background O +-mode I-Code_Block -mode O +) O ) O +and O and O +i O i O +run O run O +ios B-Operating_System ios O +my O my O +app O app O +stop O stop O +running O running O +and O and O +he O he O +take O take O +me O me O +error O error O +int B-Code_Block int O +retval I-Code_Block retval O += I-Code_Block = O +uiapplicationMain(argc,argv,nil,@"AppDelegate") I-Code_Block uiapplicationMain(argc,argv,nil,@"AppDelegate") O +; I-Code_Block ; O +Thread I-Code_Block Thread O +1 I-Code_Block 1 O +: I-Code_Block : O +signal I-Code_Block signal O +SIGABRT I-Code_Block SIGABRT O + +and O and O +when O when O +i O i O +remove O remove O +ionic B-Code_Block ionic O +cordova I-Code_Block cordova O +add I-Code_Block add O +cordova-plugin-background-mode I-Code_Block cordova-plugin-background-mode O +( O ( O +ionic B-Code_Block ionic O +cordova I-Code_Block cordova O +rm I-Code_Block rm O +cordova-plugin-background-mode I-Code_Block cordova-plugin-background-mode O +) O ) O + +my O my O +app O app O +run O run O +normal O normal O +and O and O +when O when O +i O i O +run O run O +app O app O +in O in O +backgroung O backgroung O +he O he O +take O take O +me O me O +alert O alert O +( O ( O +" O " O +cordova B-Error_Name cordova O +not I-Error_Name not O +install I-Error_Name install O +" O " O +) O ) O + +please O please O +help O help O +me O me O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Repository_Link O Repository_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh O https://github.com/dhrrgn/codeigniter-uhoh O + +CodeIgniter O CodeIgniter O +UhOh O UhOh O +! O ! O + +Version O Version O +: O : O +1.5 O 1.5 O + +UhOh O UhOh O +is O is O +an O an O +extension O extension O +on O on O +CI_Extensions B-Library CI_Extensions O +that O that O +provides O provides O +awesome O awesome O +error O error O +messages O messages O +with O with O +full O full O +backtraces O backtraces O +and O and O +a O a O +view O view O +of O of O +the O the O +line O line O +with O with O +the O the O +error O error O +. O . O + +It O It O +catches O catches O +all O all O +errors O errors O +including O including O +: O : O + +E_PARSE B-Error_Name E_PARSE O + +E_ERROR B-Error_Name E_ERROR O + +E_USER_ERROR B-Error_Name E_USER_ERROR O + +E_COMPILE_ERROR B-Error_Name E_COMPILE_ERROR O + +E_ERROR B-Error_Name E_ERROR O + +E_USER_ERROR B-Error_Name E_USER_ERROR O + +E_PARSE B-Error_Name E_PARSE O + +E_WARNING B-Error_Name E_WARNING O + +E_USER_WARNING B-Error_Name E_USER_WARNING O + +E_STRICT B-Error_Name E_STRICT O + +E_NOTICE B-Error_Name E_NOTICE O + +E_RECOVERABLE_ERROR B-Error_Name E_RECOVERABLE_ERROR O + +It O It O +also O also O +outputs O outputs O +full O full O +backtraces O backtraces O +for O for O +all O all O +CodeIgniter B-Library CodeIgniter O +system O system O +errors O errors O +. O . O + +No O No O +more O more O +" O " O +Where O Where O +is O is O +it O it O +trying O trying O +to O to O +load O load O +that O that O +view O view O +? O ? O + +" O " O +, O , O +it O it O +will O will O +show O show O +you O you O +the O the O +line O line O +that O that O +called O called O +it O it O +and O and O +the O the O +surrounding O surrounding O +lines O lines O +. O . O + +Credit O Credit O + +Author O Author O +( O ( O +" O " O +porter B-User_Name porter O +" O " O +) O ) O +: O : O +" O " O +Dan B-User_Name Dan O +Horrigan I-User_Name Horrigan O +" O " O +:http://dhorrigan.com O :http://dhorrigan.com O + +UhOh O UhOh O +! O ! O + +is O is O +based O based O +on O on O +Kohana B-Library Kohana O +v3 B-Version v3 O +'s O 's O +error O error O +handling O handling O +. O . O + +The O The O +file O file O +contains O contains O +some O some O +code O code O +from O from O +the O the O +Kohana B-Library Kohana O +project O project O +. O . O + +" O " O +Kohana B-Licence Kohana O +License I-Licence License O +" O " O +:http://kohanaframework.org/license O :http://kohanaframework.org/license O + +Installation O Installation O + +Copy O Copy O +the O the O +hooks/uhoh.php B-File_Name hooks/uhoh.php O +file O file O +into O into O +your O your O +hooks O hooks O +directory O directory O + +Copy O Copy O +the O the O +contents O contents O +of O of O +the O the O +config/hooks.php B-File_Name config/hooks.php O +file O file O +into O into O +your O your O +hooks O hooks O +config O config O +. O . O + +Enable O Enable O +hooks O hooks O +in O in O +your O your O +config O config O +file O file O +. O . O + +Copy O Copy O +the O the O +libraries/MY_Exceptions.php B-File_Name libraries/MY_Exceptions.php O +file O file O +to O to O +your O your O +application/libraries B-File_Name application/libraries O +folder O folder O +. O . O + +* O * O + +Copy O Copy O +errors/error_php_custom.php B-File_Name errors/error_php_custom.php O +to O to O +your O your O +application/errors B-File_Name application/errors O +folder O folder O +. O . O + +Copy O Copy O +errors/error_general.php B-File_Name errors/error_general.php O +to O to O +your O your O +application/errors B-File_Name application/errors O +folder I-File_Name folder O +. O . O + +If O If O +your O your O +are O are O +using O using O +CodeIgniter B-Library CodeIgniter O +2.0 B-Version 2.0 O +you O you O +must O must O +copy O copy O +the O the O +MY_Exceptions.php B-File_Name MY_Exceptions.php O +file O file O +to O to O +application/core B-File_Name application/core O +, O , O +instead O instead O +of O of O +libraries O libraries O +. O . O + +Thats O Thats O +it O it O +... O ... O +to O to O +see O see O +what O what O +it O it O +looks O looks O +like O like O +, O , O +just O just O +intentionally O intentionally O +cause O cause O +an O an O +error O error O +in O in O +your O your O +app O app O +. O . O + +Production O Production O +Mode O Mode O + +You O You O +probably O probably O +do O do O +n't O n't O +want O want O +to O to O +show O show O +the O the O +detiailed O detiailed O +errors O errors O +on O on O +your O your O +production O production O +server O server O +. O . O + +In O In O +MY_Exceptions.php B-File_Name MY_Exceptions.php O +on O on O +line O line O +6 O 6 O +, O , O +simply O simply O +change O change O +IN_PRODUCTION B-Library_Variable IN_PRODUCTION O +to O to O +TRUE O TRUE O +to O to O +disable O disable O +UhOh O UhOh O +! O ! O + +Changelog O Changelog O + +v1.5 B-Version v1.5 O + +Added O Added O +the O the O +ability O ability O +to O to O +disable O disable O +UhOh O UhOh O +! O ! O + +in O in O +a O a O +production O production O +environment O environment O +. O . O + +v1.4 B-Version v1.4 O + +Fixed O Fixed O +issue O issue O +that O that O +caused O caused O +a O a O +Fatal O Fatal O +Error O Error O +when O when O +show_error() B-Function_Name show_error() O +was O was O +called O called O +with O with O +an O an O +array B-Data_Structure array O +. O . O + +v1.3 B-Version v1.3 O + +Patched O Patched O +show_error B-Function_Name show_error O +so O so O +that O that O +it O it O +now O now O +detects O detects O +if O if O +the O the O +error O error O +was O was O +thrown O thrown O +by O by O +an O an O +extension O extension O +( O ( O +i.e O i.e O +. O . O + +MY_Loader B-Library MY_Loader O +) O ) O +, O , O +if O if O +so O so O +treat O treat O +it O it O +as O as O +a O a O +system O system O +file O file O +. O . O + +v1.2 B-Version v1.2 O + +The O The O +show_error B-Function_Name show_error O +now O now O +outputs O outputs O +a O a O +stack B-Data_Structure stack O +trace O trace O +as O as O +well O well O +as O as O +shows O shows O +you O you O +the O the O +original O original O +line O line O +that O that O +caused O caused O +the O the O +error O error O +( O ( O +i.e O i.e O +. O . O + +the O the O +line O line O +that O that O +loads O loads O +the O the O +view O view O +in O in O +your O your O +app O app O +) O ) O +. O . O + +v1.1 B-Version v1.1 O + +Better O Better O +handling O handling O +for O for O +getting O getting O +absolute O absolute O +paths O paths O +for O for O +the O the O +system O system O +and O and O +application O application O +directories O directories O +. O . O + +Now O Now O +logs O logs O +error O error O +messages O messages O +to O to O +the O the O +CodeIgniter B-Library CodeIgniter O +log O log O +when O when O +enabled O enabled O +. O . O + +Added O Added O +a O a O +nicer O nicer O +looking O looking O +General O General O +Error O Error O +template O template O +. O . O + +Extended O Extended O +show_error() B-Function_Name show_error() O +so O so O +that O that O +it O it O +wo O wo O +n't O n't O +send O send O +headers O headers O +if O if O +it O it O +has O has O +already O already O +been O been O +sent O sent O +. O . O + +v1.0 B-Version v1.0 O + +Initial O Initial O +Release O Release O + +Repository_Name O Repository_Name O +: O : O +skonves/Konves.Collections O skonves/Konves.Collections O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/skonves/Konves.Collections/issues/1 O https://github.com/skonves/Konves.Collections/issues/1 O + +Create O Create O +interval B-Class_Name interval O +dictionary I-Class_Name dictionary O +class B-Data_Structure class O +. O . O + +Refactor O Refactor O +and O and O +document O document O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/9 O https://github.com/zeroepoch/plotbitrate/issues/9 O + +I O I O +have O have O +mapped O mapped O +them O them O +to O to O +pink O pink O +, O , O +and O and O +just O just O +left O left O +it O it O +shown O shown O +as O as O +" O " O +? O ? O +" O " O + +frame O frame O +. O . O + +But O But O +maybe O maybe O +a O a O +more O more O +generic O generic O +method O method O +should O should O +be O be O +implemented O implemented O +, O , O +showing O showing O +these O these O +as O as O +" O " O +Unknown O Unknown O +frametype O frametype O +" O " O +? O ? O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/8 O https://github.com/SivanMehta/wander/issues/8 O + + +Repository_Name O Repository_Name O +: O : O +SUSTC/sustech O SUSTC/sustech O +-slides O -slides O + +Repository_Link O Repository_Link O +: O : O +https://github.com/SUSTC/sustech-slides O https://github.com/SUSTC/sustech-slides O + +SUSTech O SUSTech O +Beamer O Beamer O +Template O Template O + +LaTeX B-Application LaTeX O +Beamer I-Application Beamer O +presentation O presentation O +template O template O +derived O derived O +from O from O +the O the O +MIT B-Organization MIT O +theme O theme O +by O by O +Justin B-User_Name Justin O +Riley I-User_Name Riley O +. O . O + +Usage O Usage O + +First O First O +clone O clone O +the O the O +code O code O +using O using O +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block +https://github.com/SUSTC/sustech-slides.git I-Code_Block https://github.com/SUSTC/sustech-slides.git I-Code_Block + +Edit O Edit O +slides.tex B-File_Name slides.tex B-Code_Block +to O to O +change O change O +the O the O +contents O contents O +. O . O + +Put O Put O +all O all O +images B-User_Interface_Element images O +in O in O +the O the O +figures B-File_Name figures B-Code_Block +directory O directory O +. O . O + +You O You O +can O can O +also O also O +embed O embed O +videos B-User_Interface_Element videos O +( O ( O +see O see O +out/slides.tex B-File_Name out/slides.tex B-Code_Block +for O for O +details O details O +) O ) O +. O . O + +Previewing O Previewing O +can O can O +be O be O +done O done O +by O by O +make B-Code_Block make B-Code_Block +with O with O +xpdf B-Application xpdf O +, O , O +okular B-Application okular O +, O , O +or O or O +Acrobat B-Application Acrobat O +Reader I-Application Reader O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_214519 I-Code_Block GR_214519 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +above O above O +" O " O +make B-Code_Block make O +view-* I-Code_Block view-* O +" O " O +commands O commands O +will O will O +automatically O automatically O +build O build O +$ B-File_Name $ O +HOME/mit-beamer/out/slides.pdf I-File_Name HOME/mit-beamer/out/slides.pdf O +if O if O +necessary O necessary O + +For O For O +live O live O +reloading O reloading O +, O , O +run O run O +python B-Code_Block python B-Code_Block +build-daemon.py I-Code_Block build-daemon.py I-Code_Block +. O . O + +Demo O Demo O + +See O See O +out/slides.pdf B-File_Name out/slides.pdf B-Code_Block +for O for O +demo O demo O +. O . O + +Repository_Name O Repository_Name O +: O : O +madison-kerndt/off O madison-kerndt/off O +-on-guard-synesthesia O -on-guard-synesthesia O + +Repository_Link O Repository_Link O +: O : O +https://github.com/madison-kerndt/off-on-guard-synesthesia O https://github.com/madison-kerndt/off-on-guard-synesthesia O + +Avant O Avant O +Garde O Garde O +Synesthesia O Synesthesia O + +Setup O Setup O +setups O setups O +: O : O + +Clone O Clone O +this O this O +repository O repository O +. O . O + +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block + +npm B-Code_Block npm B-Code_Block +start I-Code_Block start I-Code_Block +or O or O +npm B-Code_Block npm B-Code_Block +test I-Code_Block test I-Code_Block +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/11 O https://github.com/contributte/logging/issues/11 O + + +Coverage O Coverage O +remained O remained O +the O the O +same O same O +at O at O +44.444 O 44.444 O +% O % O +when O when O +pulling O pulling O +0ef348492cb99ffeb9294099b841c7b006fab110 O 0ef348492cb99ffeb9294099b841c7b006fab110 O +on O on O +RiKap:patch-2 O RiKap:patch-2 O +into O into O +67a02b3d1105c09e36f1041e7b90ea3ec3a36f50 O 67a02b3d1105c09e36f1041e7b90ea3ec3a36f50 O +on O on O +contributte:master O contributte:master O +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/5 O https://github.com/contributte/logging/issues/5 O + + +[ O [ O +] O ] O +nette B-Library nette O +user O user O +context O context O + +[ O [ O +] O ] O +php B-Language php O +context O context O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/6 O https://github.com/McMenemy/GoDoRP/issues/6 O + +this O this O +issue O issue O +only O only O +happen O happen O +in O in O +windows B-Operating_System windows O +docker B-Application docker O +environment O environment O +, O , O +it O it O +does O does O +not O not O +happen O happen O +in O in O +mac B-Operating_System mac O +docker B-Application docker O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/1 O https://github.com/LucieSteiner/AMT_feature1/issues/1 O + +Here O Here O +is O is O +the O the O +error O error O +in O in O +the O the O +Glassfish B-Application Glassfish O +log O log O +when O when O +doing O doing O +a O a O +" O " O +docker-compose B-Code_Block docker-compose O +up I-Code_Block up O +--build I-Code_Block --build O +" O " O +: O : O + +glassfish_1 B-Output_Block glassfish_1 B-Code_Block +| I-Output_Block | I-Code_Block +Caused I-Output_Block Caused I-Code_Block +by I-Output_Block by I-Code_Block +: I-Output_Block : I-Code_Block +java.lang.ClassNotFoundException I-Output_Block java.lang.ClassNotFoundException I-Code_Block +: I-Output_Block : I-Code_Block +ch.heigvd.amt.mynewapp.web.RoutingFilter I-Output_Block ch.heigvd.amt.mynewapp.web.RoutingFilter I-Code_Block + +Repository_Name O Repository_Name O +: O : O +cjcliffe/CubicSDR O cjcliffe/CubicSDR O +-flatpak O -flatpak O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/cjcliffe/CubicSDR-flatpak/issues/1 O https://github.com/cjcliffe/CubicSDR-flatpak/issues/1 O + +ref O ref O +https://github.com/jgaeddert/liquid-dsp/issues/47 O https://github.com/jgaeddert/liquid-dsp/issues/47 O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/8 O https://github.com/rcfbanalysis/rcfbscraper/issues/8 O + +http://espn.go.com/ncf/playbyplay?gameId=400548257&period=0 O http://espn.go.com/ncf/playbyplay?gameId=400548257&period=0 O + +In O In O +oregon O oregon O +vs O vs O +South O South O +Dakota O Dakota O +, O , O +ESPN B-Organization ESPN O +abbreviates O abbreviates O +oregon O oregon O +as O as O +EWU O EWU O +, O , O +This O This O +is O is O +incorrect O incorrect O +. O . O + +I O I O +'m O 'm O +unsure O unsure O +how O how O +you O you O +are O are O +handling O handling O +this O this O +. O . O + +Perhaps O Perhaps O +we O we O +should O should O +replace O replace O +it O it O +with O with O +the O the O +yard O yard O +line O line O +of O of O +above O above O +and O and O +below O below O +abbreviation O abbreviation O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/269 O https://github.com/katzer/cordova-plugin-background-mode/issues/269 O + +the O the O +same O same O +as O as O +you O you O +! O ! O + +no O no O +more O more O +reply O reply O +on O on O +other O other O +post O post O +? O ? O + +Repository_Name O Repository_Name O +: O : O +polats/unity3d O polats/unity3d O +-blockchain-wallet O -blockchain-wallet O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/alto-io/unity3d-blockchain-wallet/issues/1 O https://github.com/alto-io/unity3d-blockchain-wallet/issues/1 O + +Thanks O Thanks O +for O for O +the O the O +great O great O +demo O demo O +and O and O +ready-to-use O ready-to-use O +plugin O plugin O +, O , O +it O it O +helps O helps O +a O a O +lot O lot O +on O on O +understanding O understanding O +Ethereum B-Application Ethereum O +with O with O +Unity B-Application Unity O +. O . O + +The O The O +plugin O plugin O +can O can O +now O now O +create O create O +wallet O wallet O +and O and O +save O save O +it O it O +as O as O +a O a O +local O local O +data O data O +file O file O +for O for O +later O later O +use O use O +, O , O +but O but O +what O what O +is O is O +the O the O +best O best O +way O way O +to O to O +let O let O +players O players O +to O to O +login O login O +their O their O +existing O existing O +wallets O wallets O +securely O securely O +? O ? O + +Few O Few O +solutions O solutions O +I O I O +can O can O +think O think O +of O of O +: O : O + +Login O Login O +through O through O +MetaMask B-Application MetaMask O +( O ( O +MetaMask B-Application MetaMask O +does O does O +n't O n't O +have O have O +a O a O +native O native O +Unity B-Application Unity O +plugin O plugin O +, O , O +so O so O +may O may O +be O be O +a O a O +web O web O +interface O interface O +popup O popup O +for O for O +login O login O +? O ? O + +This O This O +can O can O +be O be O +hard O hard O +and O and O +require O require O +well O well O +understanding O understanding O +on O on O +how O how O +data O data O +pass O pass O +around O around O +) O ) O + +Simple O Simple O +let O let O +players O players O +to O to O +input O input O +the O the O +private O private O +key O key O +string B-Data_Type string O +, O , O +or O or O +select O select O +private O private O +key O key O +file O file O +. O . O + +My O My O +own O own O +( O ( O +centralized O centralized O +) O ) O +server B-Application server O +that O that O +players O players O +can O can O +create O create O +accounts O accounts O +and O and O +login O login O +with O with O +usernames O usernames O +and O and O +passwords O passwords O +. O . O + +The O The O +wallet O wallet O +private O private O +keys O keys O +are O are O +saved O saved O +on O on O +database O database O +with O with O +their O their O +accounts O accounts O +. O . O + +( O ( O +Just O Just O +like O like O +MetaMask B-Application MetaMask O +but O but O +only O only O +for O for O +my O my O +game O game O +) O ) O + +It O It O +'s O 's O +because O because O +, O , O +for O for O +example O example O +in O in O +mobile O mobile O +, O , O +you O you O +do O do O +n't O n't O +want O want O +a O a O +player O player O +to O to O +create O create O +new O new O +wallet O wallet O +every O every O +time O time O +he O he O +use O use O +a O a O +new O new O +devices O devices O +, O , O +and O and O +he O he O +can O can O +play O play O +on O on O +a O a O +same O same O +game O game O +progress O progress O +in O in O +multiply O multiply O +devices O devices O +. O . O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/24 O https://github.com/resin-io-modules/resin-image-fs/issues/24 O + +@lurch B-User_Name @lurch O +the O the O +MBR O MBR O +fs O fs O +type O type O +is O is O +not O not O +very O very O +precise O precise O +( O ( O +see O see O +the O the O +table B-User_Interface_Element table O +here O here O +https://en.wikipedia.org/wiki/Partition_type O https://en.wikipedia.org/wiki/Partition_type O +) O ) O +. O . O + +It O It O +will O will O +be O be O +0x83 O 0x83 O +for O for O +all O all O +linux B-Operating_System linux O +filesystems O filesystems O +and O and O +there O there O +are O are O +many O many O +possibilities O possibilities O +for O for O +FAT O FAT O +. O . O + +But O But O +I O I O +guess O guess O +I O I O +can O can O +do O do O +something O something O +like O like O +" O " O +if O if O +it O it O +is O is O +0x83 O 0x83 O +try O try O +ext O ext O +, O , O +else O else O +try O try O +fat O fat O +; O ; O +if O if O +both O both O +fail O fail O +raise O raise O +an O an O +error O error O +" O " O +. O . O + +This O This O +would O would O +remove O remove O +the O the O +need O need O +for O for O +mmmmagic O mmmmagic O +. O . O + +The O The O +problem O problem O +is O is O +that O that O +we O we O +also O also O +support O support O +raw O raw O +partitions O partitions O +( O ( O +without O without O +MBR O MBR O +) O ) O + +I O I O +will O will O +add O add O +Change-Type O Change-Type O +: O : O +major O major O +inthe O inthe O +commits O commits O +, O , O +but O but O +this O this O +repo O repo O +does O does O +n't O n't O +use O use O +VersionBot B-Library_Class VersionBot O +yet O yet O +. O . O + +I O I O +bumped O bumped O +the O the O +version O version O +to O to O +3.0.0 B-Version 3.0.0 O +manually O manually O +. O . O + +About O About O +listDirecory B-Library_Function listDirecory B-Code_Block +, O , O +I O I O +do O do O +n't O n't O +think O think O +it O it O +'s O 's O +this O this O +library O library O +'s O 's O +job O job O +to O to O +filter O filter O +out O out O +hidden O hidden O +files O files O +. O . O + +As O As O +this O this O +is O is O +a O a O +major O major O +version O version O +change O change O +, O , O +I O I O +think O think O +it O it O +'s O 's O +the O the O +right O right O +moment O moment O +to O to O +change O change O +the O the O +behavior O behavior O +. O . O + +The O The O +components O components O +relying O relying O +on O on O +resin-image-fs B-Application resin-image-fs O +will O will O +require O require O +changes O changes O +anyway O anyway O +. O . O + +Repository_Name O Repository_Name O +: O : O +megankweon/Lesson04 O megankweon/Lesson04 O +-assignment O -assignment O + +Repository_Link O Repository_Link O +: O : O +https://github.com/megankweon/Lesson04-assignment O https://github.com/megankweon/Lesson04-assignment O + +Description O Description O + +This O This O +is O is O +an O an O +assignment O assignment O +to O to O +build O build O +a O a O +responsive O responsive O +ecommerce O ecommerce O +web O web O +page O page O +. O . O + +Nav B-HTML_XML_Tag Nav O +and O and O +product O product O +container O container O +div B-HTML_XML_Tag div O +will O will O +use O use O +flexbox B-Library_Class flexbox O +. O . O + +Sidebar/aside B-User_Interface_Element Sidebar/aside O +is O is O +a O a O +module O module O +that O that O +changes O changes O +layout O layout O +and O and O +location O location O +based O based O +on O on O +window B-User_Interface_Element window O +size O size O +. O . O + +Submitting O Submitting O +the O the O +mailing O mailing O +list O list O +signup O signup O +form O form O +results O results O +in O in O +user O user O +feedback O feedback O +on O on O +the O the O +page O page O +. O . O + +Clicking O Clicking O +a O a O +product O product O +'s O 's O +" O " O +add O add O +to O to O +cart O cart O +" O " O +or O or O +" O " O +remove O remove O +from O from O +cart O cart O +" O " O +button B-User_Interface_Element button O +updates O updates O +cart O cart O +count O count O +at O at O +top O top O +. O . O + +Students O Students O +may O may O +use O use O +the O the O +provided O provided O +mockups O mockups O +to O to O +guide O guide O +their O their O +design O design O +to O to O +whatever O whatever O +extent O extent O +they O they O +like O like O +. O . O + +Matching O Matching O +the O the O +mockups O mockups O +is O is O +not O not O +required O required O +. O . O + +Provided O Provided O +Materials O Materials O + +basic O basic O +HTML B-Language HTML O +and O and O +CSS B-Language CSS O + +JSON B-File_Type JSON O +list B-Data_Structure list O +of O of O +products O products O +in O in O +script.js B-File_Name script.js O +file O file O + +reset.css B-File_Name reset.css O + +images B-User_Interface_Element images O +for O for O +all O all O +products O products O + +suggested O suggested O +design O design O +mockups O mockups O + +Assignments O Assignments O + +Lesson O Lesson O +04 O 04 O +: O : O + +Make O Make O +design O design O +decisions O decisions O +about O about O +how O how O +you O you O +'d O 'd O +like O like O +your O your O +site O site O +to O to O +look O look O +. O . O + +You O You O +can O can O +use O use O +the O the O +provided O provided O +mockups O mockups O +to O to O +guide O guide O +your O your O +design O design O +to O to O +whatever O whatever O +extent O extent O +you O you O +'d O 'd O +like O like O +- O - O +feel O feel O +free O free O +to O to O +implement O implement O +them O them O +exactly O exactly O +or O or O +make O make O +up O up O +your O your O +own O own O +design O design O +completely O completely O +. O . O + +Code O Code O +basic O basic O +CSS B-Language CSS O +for O for O +page O page O +. O . O + +reset.css B-File_Name reset.css B-Code_Block +file O file O +should O should O +remain O remain O +as O as O +it O it O +is O is O +. O . O + +main.css B-File_Name main.css B-Code_Block +file O file O +can O can O +be O be O +added O added O +to O to O +, O , O +changed O changed O +, O , O +or O or O +completely O completely O +redone O redone O +. O . O + +nav B-HTML_XML_Tag nav B-Code_Block +ul I-HTML_XML_Tag ul I-Code_Block +and O and O +.item-container B-Class_Name .item-container B-Code_Block +elements O elements O +should O should O +be O be O +styled O styled O +as O as O +flexbox B-Library_Class flexbox O +containers O containers O +. O . O + +Implement O Implement O +a O a O +responsive O responsive O +grid B-User_Interface_Element grid O +system O system O +of O of O +your O your O +own O own O +design O design O +, O , O +or O or O +use O use O +a O a O +library O library O +, O , O +or O or O +do O do O +n't O n't O +use O use O +a O a O +grid B-User_Interface_Element grid O +at O at O +all O all O +. O . O + +Be O Be O +sure O sure O +all O all O +important O important O +size O size O +values O values O +are O are O +proportional O proportional O +( O ( O +em O em O +, O , O +rem O rem O +, O , O +% O % O +) O ) O +. O . O + +We O We O +'ll O 'll O +continue O continue O +working O working O +on O on O +the O the O +CSS B-Language CSS O +for O for O +this O this O +project O project O +throughout O throughout O +the O the O +course O course O +, O , O +in O in O +particular O particular O +making O making O +it O it O +more O more O +responsive O responsive O +. O . O + +The O The O +styling O styling O +does O does O +not O not O +have O have O +to O to O +be O be O +perfect O perfect O +after O after O +this O this O +assignment O assignment O +. O . O + +It O It O +'s O 's O +fine O fine O +to O to O +change O change O +or O or O +add O add O +to O to O +the O the O +HTML B-Language HTML O +as O as O +necessary O necessary O +for O for O +your O your O +styling O styling O +. O . O + +Lesson O Lesson O +05 O 05 O +: O : O + +Write O Write O +a O a O +JS B-Language JS O +form O form O +handler O handler O +function O function O +to O to O +be O be O +triggered O triggered O +on O on O +form O form O +submit O submit O +. O . O + +It O It O +should O should O +print O print O +to O to O +the O the O +console B-Application console O +a O a O +friendly O friendly O +message O message O +that O that O +includes O includes O +the O the O +value O value O +of O of O +the O the O +form B-User_Interface_Element form O +element O element O +with O with O +name O name O +" O " O +email O email O +" O " O +. O . O + +Something O Something O +like O like O +" O " O +Thanks O Thanks O +for O for O +signing O signing O +up O up O +for O for O +our O our O +mailing O mailing O +list O list O +, O , O +bobross@example.com O bobross@example.com O +! O ! O +" O " O + +Lesson O Lesson O +06 O 06 O +: O : O + +Serve O Serve O +appropriately O appropriately O +sized O sized O +images O images O +. O . O + +Use O Use O +GIMP B-Application GIMP O +or O or O +another O another O +photo-editing O photo-editing O +program O program O +to O to O +resize O resize O +all O all O +images B-User_Interface_Element images O +to O to O +more O more O +reasonable O reasonable O +, O , O +consistent O consistent O +dimensions O dimensions O +. O . O + +This O This O +includes O includes O +product O product O +images B-User_Interface_Element images O +, O , O +the O the O +logo B-User_Interface_Element logo O +, O , O +and O and O +any O any O +background B-User_Interface_Element background O +or O or O +other O other O +images B-User_Interface_Element images O +you O you O +'ve O 've O +included O included O +. O . O + +Lesson O Lesson O +07 O 07 O +: O : O + +Write O Write O +Javascript B-Language Javascript O +function O function O +that O that O +toggles O toggles O +the O the O +inclusion O inclusion O +of O of O +a O a O +product O product O +in O in O +the O the O +" O " O +cart O cart O +" O " O +. O . O + +Add/edit O Add/edit O +HTML B-Language HTML O +as O as O +necessary O necessary O +to O to O +trigger O trigger O +the O the O +function O function O +on O on O +click O click O +of O of O +a O a O +button B-User_Interface_Element button O +for O for O +each O each O +product O product O +. O . O + +Lesson O Lesson O +08 O 08 O +: O : O + +Write O Write O +CSS B-Language CSS O +that O that O +uses O uses O +media O media O +queries O queries O +to O to O +change O change O +layouts/style O layouts/style O +based O based O +on O on O +device O device O +size O size O +. O . O + +There O There O +shoud O shoud O +be O be O +at O at O +least O least O +one O one O +obvious O obvious O +layout O layout O +change O change O +in O in O +addition O addition O +to O to O +elements O elements O +fluidly O fluidly O +changing O changing O +width O width O +. O . O + +Finish O Finish O +styling O styling O +the O the O +page O page O +. O . O + +Lesson O Lesson O +09 O 09 O +: O : O + +Write O Write O +Javascript B-Language Javascript O +that O that O +causes O causes O +the O the O +total O total O +number O number O +of O of O +items O items O +in O in O +the O the O +cart O cart O +to O to O +display O display O +next O next O +to O to O +the O the O +cart O cart O +icon B-User_Interface_Element icon O +when O when O +that O that O +total O total O +changes O changes O +. O . O + +Write O Write O +Javascript B-Language Javascript O +that O that O +displays O displays O +the O the O +friendly O friendly O +message O message O +on O on O +form B-User_Interface_Element form O +submit O submit O +in O in O +the O the O +page O page O +, O , O +not O not O +in O in O +the O the O +console B-Application console O +. O . O + +Update O Update O +the O the O +HTML B-Language HTML O +and O and O +CSS B-Language CSS O +as O as O +necessary O necessary O +to O to O +accomodate O accomodate O +these O these O +changes O changes O +. O . O + +Update O Update O +the O the O +Testing O Testing O +section O section O +of O of O +this O this O +README B-File_Name README O +with O with O +your O your O +own O own O +information O information O +. O . O + +Extra O Extra O +Challenge O Challenge O +: O : O +Incorporate O Incorporate O +unit O unit O +tests O tests O +with O with O +Qunit B-Library Qunit O +. O . O + +Extra O Extra O +Challenge O Challenge O +: O : O +Code O Code O +a O a O +popup B-User_Interface_Element popup O +that O that O +toggles O toggles O +between O between O +hidden O hidden O +and O and O +displayed O displayed O +when O when O +user O user O +clicks O clicks O +on O on O +cart O cart O +icon B-User_Interface_Element icon O +. O . O + +It O It O +should O should O +show O show O +information O information O +about O about O +items O items O +in O in O +the O the O +cart O cart O +( O ( O +maybe O maybe O +list O list O +of O of O +their O their O +names O names O +, O , O +but O but O +up O up O +to O to O +you O you O +) O ) O +. O . O + +Extra O Extra O +Challenge O Challenge O +: O : O +Serve O Serve O +appropriately O appropriately O +sized O sized O +images B-User_Interface_Element images O +for O for O +user O user O +'s O 's O +device O device O +. O . O + +Create O Create O +multiple O multiple O +sizes O sizes O +of O of O +each O each O +image B-User_Interface_Element image O +, O , O +and O and O +serve O serve O +the O the O +appropriate O appropriate O +one O one O +using O using O +the O the O +srcset B-HTML_XML_Tag srcset B-Code_Block +and O and O +sizes B-HTML_XML_Tag sizes B-Code_Block +attributes O attributes O +on O on O +the O the O +img B-HTML_XML_Tag img B-Code_Block +tags O tags O +. O . O + +This O This O +will O will O +require O require O +naming O naming O +all O all O +of O of O +the O the O +images B-User_Interface_Element images O +consistently O consistently O +, O , O +e.g O e.g O +. O . O + +" O " O +ombre-infinity400.jpg B-File_Name ombre-infinity400.jpg O +" O " O +, O , O +" O " O +ombre-infinity200.jpg B-File_Name ombre-infinity200.jpg O +" O " O +. O . O + +More O More O +about O about O +srcset B-HTML_XML_Tag srcset O + +Extra O Extra O +Challenge O Challenge O +: O : O +Use O Use O +browser B-Application browser O +storage O storage O +to O to O +save O save O +details O details O +about O about O +a O a O +user O user O +'s O 's O +cart O cart O +so O so O +when O when O +they O they O +revisit O revisit O +the O the O +page O page O +, O , O +it O it O +'s O 's O +in O in O +the O the O +same O same O +state O state O +as O as O +when O when O +they O they O +left O left O +it O it O +. O . O + +More O More O +about O about O +browser B-Application browser O +storage O storage O + +Extra O Extra O +Challenge O Challenge O +: O : O +Dynamically O Dynamically O +generate O generate O +the O the O +HTML B-Language HTML O +for O for O +product O product O +listings O listings O +from O from O +the O the O +JSON B-File_Type JSON O +objects O objects O +in O in O +script.js B-File_Name script.js O +. O . O + +Requirements O Requirements O + +Site O Site O +layout O layout O +looks O looks O +good O good O +on O on O +all O all O +sizes O sizes O +of O of O +devices O devices O +. O . O + +At O At O +a O a O +minimum O minimum O +, O , O +elements O elements O +are O are O +proportionally O proportionally O +styled O styled O +and O and O +aside O aside O +element O element O +changes O changes O +location O location O +and O and O +layout O layout O +at O at O +different O different O +screen O screen O +sizes O sizes O +. O . O + +This O This O +should O should O +be O be O +tested O tested O +using O using O +a O a O +variety O variety O +of O of O +devices O devices O +and O and O +at O at O +least O least O +one O one O +online O online O +browser B-Application browser O +compatiblity O compatiblity O +testing O testing O +tool O tool O +. O . O + +Nav O Nav O +and O and O +product O product O +container O container O +elements O elements O +are O are O +styled O styled O +using O using O +flexbox O flexbox O +. O . O + +Appropriately O Appropriately O +sized O sized O +images B-User_Interface_Element images O +are O are O +served O served O +. O . O + +User O User O +can O can O +add O add O +and O and O +remove O remove O +items O items O +from O from O +their O their O +cart O cart O +, O , O +which O which O +changes O changes O +cart O cart O +count O count O +number O number O +at O at O +top O top O +of O of O +page O page O +. O . O + +This O This O +README B-File_Name README O +is O is O +updated O updated O +to O to O +include O include O +information O information O +about O about O +the O the O +testing O testing O +steps O steps O +taken O taken O +to O to O +ensure O ensure O +site O site O +quality O quality O +. O . O + +Site O Site O +is O is O +live O live O +on O on O +GH B-Website GH O +Pages I-Website Pages O +hosting O hosting O +. O . O + +Grading O Grading O + +Each O Each O +weekly O weekly O +assignment O assignment O +will O will O +be O be O +graded O graded O +independently O independently O +. O . O + +There O There O +will O will O +not O not O +be O be O +a O a O +final O final O +grade O grade O +for O for O +the O the O +entire O entire O +project O project O +. O . O + +Testing O Testing O + +In O In O +order O order O +to O to O +ensure O ensure O +the O the O +quality O quality O +of O of O +the O the O +website O website O +, O , O +I O I O +opened O opened O +and O and O +ran O ran O +the O the O +website O website O +on O on O +multiple O multiple O +browsers B-Application browsers O +to O to O +ensure O ensure O +consistent O consistent O +layouts O layouts O +among O among O +browsers B-Application browsers O +. O . O + +Also O Also O +, O , O +I O I O +made O made O +sure O sure O +to O to O +test O test O +different O different O +window B-User_Interface_Element window O +sizes O sizes O +of O of O +the O the O +browsers B-Application browsers O +to O to O +test O test O +whether O whether O +the O the O +grid B-User_Interface_Element grid O +system O system O +was O was O +functional O functional O +. O . O + +Repository_Name O Repository_Name O +: O : O +jamstooks/django O jamstooks/django O +-acme-challenge O -acme-challenge O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jamstooks/django-acme-challenge/issues/3 O https://github.com/jamstooks/django-acme-challenge/issues/3 O + +Hello O Hello O +, O , O + +I O I O +'m O 'm O +new O new O +at O at O +this O this O +Let B-Library Let O +'s O 's O +Encrypt I-Library Encrypt O +thing B-Application thing O +. I-Application . O + +You O You O +say O say O +that O that O +I O I O +just O just O +set O set O +two O two O +variables O variables O +, O , O +ACME_CHALLENGE_URL_SLUG B-Library_Variable ACME_CHALLENGE_URL_SLUG O +and O and O +ACME_CHALLENGE_TEMPLATE_CONTENT B-Library_Variable ACME_CHALLENGE_TEMPLATE_CONTENT O +and O and O +then O then O +http://your-domain-name/.well-known/acme-challenge/ACME_CHALLENGE_URL_SLUG O http://your-domain-name/.well-known/acme-challenge/ACME_CHALLENGE_URL_SLUG O +will O will O +then O then O +serve O serve O +the O the O +value O value O +of O of O +ACME_CHALLENGE_TEMPLATE_CONTENT B-Library_Variable ACME_CHALLENGE_TEMPLATE_CONTENT O +for O for O +validation O validation O +. O . O + +Also O Also O +you O you O +say O say O +that O that O +you O you O +prefer O prefer O +to O to O +set O set O +them O them O +as O as O +env O env O +variables O variables O +. O . O + +What O What O +does O does O +that O that O +mean O mean O +? O ? O + +How O How O +else O else O +can O can O +be O be O +set O set O +( O ( O +since O since O +the O the O +acme O acme O +challenge O challenge O +changes O changes O +its O its O +string O string O +everytime O everytime O +I O I O +try O try O +to O to O +generate O generate O +the O the O +certificate O certificate O +) O ) O +? O ? O + +I O I O +followed O followed O +your O your O +steps O steps O +and O and O +set O set O +the O the O +variables O variables O +like O like O +this O this O +: O : O + +ACME_CHALLENGE_URL_SLUG B-Code_Block ACME_CHALLENGE_URL_SLUG O += I-Code_Block = O +os.getenv('ACME_CHALLENGE_URL_SLUG') I-Code_Block os.getenv('ACME_CHALLENGE_URL_SLUG') O +ACME_CHALLENGE_TEMPLATE_CONTENT I-Code_Block ACME_CHALLENGE_TEMPLATE_CONTENT O += I-Code_Block = O +os.getenv('ACME_CHALLENGE_TEMPLATE_CONTENT') I-Code_Block os.getenv('ACME_CHALLENGE_TEMPLATE_CONTENT') O + +But O But O +, O , O +clearly O clearly O +, O , O +is O is O +not O not O +working O working O +. O . O + +I O I O +'m O 'm O +missing O missing O +something O something O +and O and O +Saint O Saint O +Google B-Website Google O +has O has O +not O not O +been O been O +helpful O helpful O +. O . O + +Can O Can O +you O you O +guide O guide O +me O me O +on O on O +this O this O +? O ? O + +Thanks O Thanks O +in O in O +advance O advance O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/6 O https://github.com/numen31337/AKVideoImageView/issues/6 O + +No O No O +feedback O feedback O +, O , O +closing O closing O + +Repository_Name O Repository_Name O +: O : O +alaingilbert/shortener O alaingilbert/shortener O + +Repository_Link O Repository_Link O +: O : O +https://github.com/alaingilbert/shortener O https://github.com/alaingilbert/shortener O + +For O For O +https://www.freecodecamp.com/challenges/url-shortener-microservice O https://www.freecodecamp.com/challenges/url-shortener-microservice O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/15 O https://github.com/mapbox/tile-count/issues/15 O + +Oh O Oh O +wow O wow O +, O , O +so O so O +even O even O +faster O faster O +and O and O +lighter O lighter O +weight O weight O +? O ? O + +Would O Would O +love O love O +to O to O +know O know O +how O how O +big O big O +the O the O +difference O difference O +is O is O +. O . O + +Repository_Name O Repository_Name O +: O : O +T-Dawg/dojo_rules O T-Dawg/dojo_rules O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/T-Dawg/dojo_rules/issues/2 O https://github.com/T-Dawg/dojo_rules/issues/2 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/20 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/20 O + +Hi O Hi O +@RichardN B-User_Name @RichardN O +, O , O +we O we O +have O have O +found O found O +your O your O +signature O signature O +in O in O +our O our O +records O records O +, O , O +but O but O +it O it O +seems O seems O +like O like O +you O you O +have O have O +signed O signed O +with O with O +a O a O +different O different O +e-mail O e-mail O +than O than O +the O the O +one O one O +used O used O +in O in O +yout O yout O +Git B-Application Git O +commit O commit O +. O . O + +Can O Can O +you O you O +please O please O +add O add O +both O both O +of O of O +these O these O +e-mails O e-mails O +into O into O +your O your O +Github B-Website Github O +profile O profile O +( O ( O +they O they O +can O can O +be O be O +hidden O hidden O +) O ) O +, O , O +so O so O +we O we O +can O can O +match O match O +your O your O +e-mails O e-mails O +to O to O +your O your O +Github B-Website Github O +profile O profile O +? O ? O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/72 O https://github.com/spacetelescope/specview/issues/72 O + +Provide O Provide O +for O for O +automatic O automatic O +line O line O +finding O finding O +. O . O + +This O This O +would O would O +include O include O +both O both O +absorption O absorption O +and O and O +emission O emission O +. O . O + +This O This O +would O would O +be O be O +light-weight O light-weight O +; O ; O +not O not O +a O a O +full O full O +fit O fit O +, O , O +but O but O +the O the O +simpler O simpler O +peak/valley O peak/valley O +locator O locator O +. O . O + +Then O Then O +a O a O +provision O provision O +to O to O +gui-wise B-User_Interface_Element gui-wise O +tweak O tweak O +what O what O +was O was O +found O found O +. O . O + +The O The O +end O end O +result O result O +would O would O +be O be O +used O used O +as O as O +the O the O +initial O initial O +model O model O +used O used O +to O to O +then O then O +do O do O +a O a O +composite O composite O +fit O fit O +. O . O + +Repository_Name O Repository_Name O +: O : O +jacobratkiewicz/webgraph O jacobratkiewicz/webgraph O + +Repository_Link O Repository_Link O +: O : O +https://github.com/jacobratkiewicz/webgraph O https://github.com/jacobratkiewicz/webgraph O + +webgraph O webgraph O + +Webgraph++ B-Application Webgraph++ O +code O code O +( O ( O +http://cnets.indiana.edu/groups/nan/webgraph/ O http://cnets.indiana.edu/groups/nan/webgraph/ O +) O ) O + +This O This O +code O code O +worked O worked O +for O for O +what O what O +I O I O +used O used O +it O it O +for O for O +, O , O +but O but O +I O I O +cannot O cannot O +promise O promise O +it O it O +is O is O +thorougly O thorougly O +tested O tested O +and O and O +there O there O +are O are O +almost O almost O +certainly O certainly O +some O some O +strange O strange O +bugs O bugs O +! O ! O + +Your O Your O +help O help O +would O would O +be O be O +greatly O greatly O +appreciated O appreciated O +in O in O +adding O adding O +tests O tests O +and O and O +generally O generally O +cleaning O cleaning O +it O it O +up O up O +. O . O + +I O I O +have O have O +moved O moved O +on O on O +and O and O +do O do O +not O not O +have O have O +much O much O +time O time O +to O to O +answer O answer O +questions O questions O +about O about O +setup O setup O +and O and O +compilation O compilation O +, O , O +so O so O +this O this O +code O code O +is O is O +provided O provided O +AS-IS O AS-IS O +. O . O + +With O With O +that O that O +said O said O +, O , O +I O I O +hope O hope O +it O it O +is O is O +useful O useful O +or O or O +at O at O +least O least O +interesting O interesting O +. O . O + +You O You O +will O will O +definitely O definitely O +need O need O +Boost B-Library Boost O +( O ( O +http://www.boost.org/ O http://www.boost.org/ O +) O ) O +to O to O +make O make O +this O this O +work O work O +. O . O + +You O You O +will O will O +notice O notice O +a O a O +lot O lot O +of O of O +TODOs O TODOs O +and O and O +commented-out O commented-out O +unimplemented O unimplemented O +methods O methods O +. O . O + +Feel O Feel O +free O free O +to O to O +write O write O +them O them O +:) O :) O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/15 O https://github.com/mapbox/tile-count/issues/15 O + +Unless O Unless O +I O I O +messed O messed O +up O up O +the O the O +math O math O +somewhere O somewhere O +, O , O +they O they O +are O are O +the O the O +same O same O +pixel O pixel O +values O values O +. O . O + +As O As O +far O far O +as O as O +I O I O +can O can O +tell O tell O +they O they O +look O look O +the O the O +same O same O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/5 O https://github.com/wsdookadr/fieldtop/issues/5 O + + +The O The O +CLI B-Application CLI O +argument O argument O +handling O handling O +you O you O +wrote O wrote O +is O is O +great O great O +. O . O + +I O I O +would O would O +opt O opt O +for O for O +a O a O +more O more O +lightweight O lightweight O +approach O approach O +here O here O +that O that O +would O would O +minimize O minimize O +dependencies O dependencies O +. O . O + +PHP B-Language PHP O +ships O ships O +with O with O +the O the O +getopt O getopt O +function O function O +( O ( O +that O that O +has O has O +equivalents O equivalents O +in O in O +other O other O +languages O languages O +as O as O +well O well O +) O ) O +. O . O + +Could O Could O +we O we O +please O please O +use O use O +that O that O +function O function O +inside O inside O +CheckCommand.php B-File_Name CheckCommand.php O +? O ? O + +This O This O +would O would O +allow O allow O +us O us O +to O to O +not O not O +depend O depend O +on O on O +Symfony B-Library Symfony O +in O in O +particular O particular O + +Why O Why O +are O are O +dependencies O dependencies O +your O your O +concern O concern O +? O ? O + +They O They O +are O are O +installed O installed O +by O by O +composer B-Application composer O +automatically O automatically O +and O and O +this O this O +is O is O +where O where O +composer B-Application composer O +integration O integration O +shines O shines O +. O . O + +I O I O +'d O 'd O +rather O rather O +have O have O +the O the O +Symfony B-Application Symfony O +Console I-Application Console O +as O as O +dependency O dependency O +than O than O +fighting O fighting O +with O with O +getopt B-Library_Function getopt O +and O and O +need O need O +to O to O +build O build O +the O the O +help O help O +page O page O +, O , O +argument O argument O +validation O validation O +on O on O +my O my O +own O own O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/1 O https://github.com/wsdookadr/fieldtop/issues/1 O + +Update O Update O + +Repository_Name O Repository_Name O +: O : O +civey/where O civey/where O +-should-we-eat O -should-we-eat O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/civey/where-should-we-eat/issues/2 O https://github.com/civey/where-should-we-eat/issues/2 O + +Blocked O Blocked O +! O ! O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/1 O https://github.com/zeroepoch/plotbitrate/issues/1 O + +Does O Does O +this O this O +happen O happen O +for O for O +all O all O +video B-File_Type video O +files O files O +you O you O +tried O tried O +or O or O +just O just O +a O a O +certain O certain O +video B-File_Type video O +file O file O +? O ? O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/15 O https://github.com/resin-io-modules/resin-image-fs/issues/15 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +9818679544/hello O 9818679544/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/9818679544/hello-world/issues/1 O https://github.com/9818679544/hello-world/issues/1 O + +so O so O +that O that O +the O the O +human O human O +' O ' O +get O get O +' O ' O +me O me O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/36 O https://github.com/linked-statistics/xkos/issues/36 O + +Currently O Currently O +, O , O +we O we O +use O use O +a O a O +modelization O modelization O +inspired O inspired O +by O by O +what O what O +is O is O +done O done O +in O in O +Eurovoc B-Website Eurovoc O +: O : O + +the O the O +* O * O +Note O Note O +property O property O +links O links O +the O the O +classification O classification O +item O item O +to O to O +a O a O +resource O resource O +( O ( O +which O which O +issue O issue O +#33 O #33 O +suggests O suggests O +to O to O +be O be O +of O of O +type O type O +ExplanatoryNote B-Library_Class ExplanatoryNote O +) O ) O +. O . O + +bears O bears O +the O the O +language O language O +property O property O +: O : O + + B-Code_Block B-Code_Block + I-Code_Block I-Code_Block +"fr"^^ I-Code_Block "fr"^^ I-Code_Block + +bears O bears O +also O also O +the O the O +formatted O formatted O +text O text O +of O of O +the O the O +note O note O +through O through O +the O the O +http://eurovoc.europa.eu/schema#noteLiteral B-Code_Block http://eurovoc.europa.eu/schema#noteLiteral B-Code_Block +predicate O predicate O +. O . O + +The O The O +value O value O +for O for O +this O this O +datatype O datatype O +property O property O +is O is O +XMLLiteral B-Library_Variable XMLLiteral O +. O . O + +( O ( O +bears O bears O +also O also O +other O other O +properties O properties O +for O for O +authoring O authoring O +and O and O +versioning O versioning O +information O information O +) O ) O +. O . O + +This O This O +modelization O modelization O +was O was O +discussed O discussed O +in O in O +Dagstuhl B-Organization Dagstuhl O +but O but O +not O not O +included O included O +in O in O +the O the O +specification O specification O +. O . O + +I O I O +intend O intend O +to O to O +describe O describe O +it O it O +in O in O +a O a O +best O best O +practice O practice O +document O document O +. O . O + +In O In O +some O some O +cases O cases O +, O , O +we O we O +do O do O +n't O n't O +have O have O +a O a O +formatted O formatted O +text O text O +for O for O +the O the O +note O note O +, O , O +just O just O +a O a O +string B-Data_Type string O +. O . O + +It O It O +would O would O +be O be O +artificial O artificial O +to O to O +present O present O +the O the O +string B-Data_Type string O +as O as O +an O an O +XHTML B-Language XHTML O +fragment O fragment O +, O , O +so O so O +what O what O +is O is O +needed O needed O +is O is O +a O a O +string B-Data_Type string O +datatype O datatype O +property O property O +: O : O + + B-Code_Block B-Code_Block +xkos:plainText I-Code_Block xkos:plainText I-Code_Block +" I-Code_Block " I-Code_Block +Ce I-Code_Block Ce I-Code_Block +poste I-Code_Block poste I-Code_Block +comprend I-Code_Block comprend I-Code_Block +.. I-Code_Block .. I-Code_Block +. I-Code_Block . I-Code_Block +" I-Code_Block " I-Code_Block + +I O I O +think O think O +it O it O +is O is O +important O important O +to O to O +standardize O standardize O +the O the O +name O name O +of O of O +this O this O +property O property O +in O in O +order O order O +to O to O +have O have O +a O a O +uniform O uniform O +way O way O +of O of O +accessing O accessing O +the O the O +note O note O +texts O texts O +across O across O +XKOS B-Library XKOS O +implementations O implementations O +. O . O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/25 O https://github.com/lbarasti/gps_app/issues/25 O + +… O … O +( O ( O +there O there O +is O is O +a O a O +green O green O +bus O bus O +being O being O +masked O masked O +as O as O +it O it O +appears O appears O +you O you O +can O can O +only O only O +have O have O +one O one O +of O of O +each O each O +colour O colour O +( O ( O +a O a O +bug O bug O +… O … O +? O ? O +) O ) O + +Repository_Name O Repository_Name O +: O : O +LanceKnight/WonderConverter O LanceKnight/WonderConverter O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LanceKnight/WonderConverter/issues/1 O https://github.com/LanceKnight/WonderConverter/issues/1 O + +Change O Change O +the O the O +core O core O +to O to O +be O be O +html-based B-Language html-based O +so O so O +it O it O +can O can O +be O be O +used O used O +on O on O +different O different O +platform O platform O + +Repository_Name O Repository_Name O +: O : O +civey/where O civey/where O +-should-we-eat O -should-we-eat O + +Repository_Link O Repository_Link O +: O : O +https://github.com/civey/where-should-we-eat O https://github.com/civey/where-should-we-eat O + +Where O Where O +should O should O +we O we O +eat O eat O +? O ? O + +Now O Now O +you O you O +never O never O +have O have O +to O to O +ask O ask O +this O this O +question O question O +again O again O +! O ! O + +Just O Just O +let O let O +the O the O +machines O machines O +handle O handle O +this O this O +problem O problem O + +https://where-should-we-eat.surge.sh O https://where-should-we-eat.surge.sh O + +Feel O Feel O +free O free O +to O to O +add O add O +or O or O +change O change O +restaurants O restaurants O +, O , O +add O add O +features O features O +etc O etc O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/33 O https://github.com/demigor/lex.db/issues/33 O + +Could O Could O +you O you O +add O add O +support O support O +for O for O +unsigned O unsigned O +data O data O +types O types O +and O and O +builder O builder O +data O data O +types O types O +: O : O + +sbyte B-Data_Type sbyte O + +ushort B-Data_Type ushort O + +uint B-Data_Type uint O + +ulong B-Data_Type ulong O + +StringBuilder B-Library_Class StringBuilder O + +UriBuilder B-Library_Class UriBuilder O + +Repository_Name O Repository_Name O +: O : O +xavierartot/grunt O xavierartot/grunt O +-parallax-scrollr-svg-png O -parallax-scrollr-svg-png O + +Repository_Link O Repository_Link O +: O : O +https://github.com/xavierartot/grunt-parallax-scrollr-svg-png O https://github.com/xavierartot/grunt-parallax-scrollr-svg-png O + +grunt-sass-bootstrap O grunt-sass-bootstrap O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Repository_Link O Repository_Link O +: O : O +https://github.com/spacetelescope/specview O https://github.com/spacetelescope/specview O + +One-dimensional O One-dimensional O +Interactive O Interactive O +Spectral O Spectral O +Analysis O Analysis O +: O : O +Sprint O Sprint O +201502 O 201502 O + +Introduction O Introduction O + +This O This O +repo O repo O +represents O represents O +the O the O +work O work O +done O done O +for O for O +the O the O +first O first O +sprint O sprint O +aimed O aimed O +at O at O +creating O creating O +a O a O +one-dimensional O one-dimensional O +spectral O spectral O +analysis O analysis O +tool O tool O +. O . O + +This O This O +effort O effort O +is O is O +driven O driven O +by O by O +the O the O +JWST B-Organization JWST B-Code_Block +Data I-Organization Data I-Code_Block +Analysis I-Organization Analysis I-Code_Block +Task I-Organization Task I-Code_Block +Force_ I-Organization Force_ I-Code_Block +and O and O +is O is O +documented O documented O +in O in O +the O the O +JWST B-Website JWST B-Code_Block +Data I-Website Data I-Code_Block +Analysis I-Website Analysis I-Code_Block +Forum_ I-Website Forum_ I-Code_Block +. O . O + +Organization O Organization O + +root B-File_Name root O + +specview B-File_Name specview O +: O : O +Initial O Initial O +package O package O +. O . O + +proto B-File_Name proto O +: O : O +Prototype O Prototype O +, O , O +pre-sprint O pre-sprint O +, O , O +or O or O +other O other O +code O code O +used O used O +as O as O +reference O reference O +material O material O +. O . O + +Development O Development O + +Whether O Whether O +or O or O +not O not O +this O this O +code O code O +base O base O +will O will O +become O become O +an O an O +astropy B-Library astropy O +affiliate I-Library affiliate O +package I-Library package O +, O , O +the O the O +current O current O +framework O framework O +as O as O +been O been O +placed O placed O +under O under O +the O the O +package-template_ B-Library package-template_ B-Code_Block +using O using O +the O the O +managing O managing B-Code_Block +the O the I-Code_Block +template O template I-Code_Block +files O files I-Code_Block +via O via I-Code_Block +git_ B-Application git_ I-Code_Block +method O method O +. O . O + +. O . O +. O . O +_JWST O _JWST O +Data O Data O +Analysis O Analysis O +Task O Task O +Force O Force O +: O : O +https://confluence.stsci.edu/display/JWSTDATF/JWST+Data+Analysis+Task+Force+Home O https://confluence.stsci.edu/display/JWSTDATF/JWST+Data+Analysis+Task+Force+Home O +. O . O +. O . O +_JWST O _JWST O +Data O Data O +Analysis O Analysis O +Forum O Forum O +: O : O +https://confluence.stsci.edu/display/JWSTDATF/JWST+Data+Analysis+Development+Forum O https://confluence.stsci.edu/display/JWSTDATF/JWST+Data+Analysis+Development+Forum O +. O . O +. O . O +_package-template O _package-template O +: O : O +https://github.com/astropy/package-template O https://github.com/astropy/package-template O +. O . O +. O . O +_managing O _managing O +the O the O +template O template O +files O files O +via O via O +git O git O +: O : O +http://astropy.readthedocs.org/en/latest/development/affiliated-packages.html#managing-the-template-files-via-git O http://astropy.readthedocs.org/en/latest/development/affiliated-packages.html#managing-the-template-files-via-git O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Repository_Link O Repository_Link O +: O : O +https://github.com/op-jenkins/op-build O https://github.com/op-jenkins/op-build O + +== O == O += O = O +Building O Building O +an O an O +image B-User_Interface_Element image O +== O == O += O = O + +git B-Code_Block git O +clone I-Code_Block clone O +--recursive I-Code_Block --recursive O +git@github.com I-Code_Block git@github.com O +:open-power/op I-Code_Block :open-power/op O +-build.git I-Code_Block -build.git O +cd I-Code_Block cd O +op-build I-Code_Block op-build O + +op-build-env B-Code_Block op-build-env O +op-build I-Code_Block op-build O +palmetto_defconfig I-Code_Block palmetto_defconfig O +&& I-Code_Block && O +op-build I-Code_Block op-build O + +Building O Building O +on O on O +64-bit O 64-bit O +Ubuntu/Debian B-Operating_System Ubuntu/Debian O +systems O systems O + +Install O Install O +Ubuntu B-Operating_System Ubuntu O +14.04 B-Version 14.04 O +or O or O +Debian B-Operating_System Debian O +7.5 B-Version 7.5 O +64-bit O 64-bit O +. O . O + +Install O Install O +the O the O +packages O packages O +necessary O necessary O +for O for O +the O the O +build O build O +: O : O + +sudo B-Code_Block sudo O +apt-get I-Code_Block apt-get O +install I-Code_Block install O +cscope I-Code_Block cscope O +ctags I-Code_Block ctags O +libz-dev I-Code_Block libz-dev O +libexpat-dev I-Code_Block libexpat-dev O + +python B-Code_Block python O +language-pack-en I-Code_Block language-pack-en O +texinfo I-Code_Block texinfo O + +build-essential B-Code_Block build-essential O +g++ I-Code_Block g++ O +git I-Code_Block git O +bison I-Code_Block bison O +flex I-Code_Block flex O +unzip I-Code_Block unzip O + +libxml-simple-perl B-Code_Block libxml-simple-perl O +libxml-sax-perl I-Code_Block libxml-sax-perl O +libxml2-dev I-Code_Block libxml2-dev O +libxml2-utils I-Code_Block libxml2-utils O +xsltproc I-Code_Block xsltproc O + +Continue O Continue O +with O with O +the O the O +clone O clone O +, O , O +environment O environment O +setup O setup O +, O , O +and O and O +build O build O +as O as O +noted O noted O +above O above O +. O . O + +Building O Building O +on O on O +64-bit O 64-bit O +Fedora B-Operating_System Fedora O +systems O systems O + +Install O Install O +Fedora B-Operating_System Fedora O +20 B-Version 20 O +64-bit O 64-bit O +. O . O + +Install O Install O +the O the O +packages O packages O +necessary O necessary O +for O for O +the O the O +build O build O +: O : O + +sudo B-Code_Block sudo O +yum I-Code_Block yum O +update I-Code_Block update O +vim-minimal I-Code_Block vim-minimal O +sudo I-Code_Block sudo O +yum I-Code_Block yum O +install I-Code_Block install O +vim I-Code_Block vim O +gcc-c I-Code_Block gcc-c O +++ I-Code_Block ++ O +flex I-Code_Block flex O +bison I-Code_Block bison O +git I-Code_Block git O +ctags I-Code_Block ctags O +cscope I-Code_Block cscope O +expat-devel I-Code_Block expat-devel O +patch I-Code_Block patch O +glibc-devel.i686 I-Code_Block glibc-devel.i686 O +libgcc.i686 I-Code_Block libgcc.i686 O +zlib-devel I-Code_Block zlib-devel O +zlib-static I-Code_Block zlib-static O +libstdc++ I-Code_Block libstdc++ O +.i686 I-Code_Block .i686 O +libxml2-devel.i686 I-Code_Block libxml2-devel.i686 O + +Install O Install O +PERL B-Language PERL O +modules O modules O +necessary O necessary O +for O for O +the O the O +build O build O +: O : O + +sudo B-Code_Block sudo O +yum I-Code_Block yum O +install I-Code_Block install O +"perl(XML::Simple)" I-Code_Block "perl(XML::Simple)" O +"perl(YAML)" I-Code_Block "perl(YAML)" O +"perl(XML::SAX)" I-Code_Block "perl(XML::SAX)" O +"perl(Fatal)" I-Code_Block "perl(Fatal)" O +"perl(Thread::Queue)" I-Code_Block "perl(Thread::Queue)" O +"perl(Env)" I-Code_Block "perl(Env)" O +"perl(XML::LibXML)" I-Code_Block "perl(XML::LibXML)" O +"perl(Digest::SHA1)" I-Code_Block "perl(Digest::SHA1)" O + +Troubleshooting O Troubleshooting O + +If O If O +git B-Application git O +is O is O +complaining O complaining O +about O about O +" O " O +fatal B-Error_Name fatal O +: O : O +reference O reference O +is O is O +not O not O +a O a O +tree O tree O +" O " O +with O with O +a O a O +commit O commit O +matching O matching O +a O a O +buildroot B-Application buildroot O +change O change O +, O , O +try O try O +: O : O + +rm B-Code_Block rm O +-rf I-Code_Block -rf O +op-build/buildroot I-Code_Block op-build/buildroot O +cd I-Code_Block cd O +op-build I-Code_Block op-build O +git I-Code_Block git O +clone I-Code_Block clone O +--recursive I-Code_Block --recursive O +git@github.com I-Code_Block git@github.com O +:open-power/buildroot.git I-Code_Block :open-power/buildroot.git O + +If O If O +make O make O +is O is O +complaining O complaining O +during O during O +skiboot B-Application skiboot O +link O link O +phases O phases O +, O , O +revert O revert O +make O make O +to O to O +version O version O +3.81 B-Version 3.81 O +- O - O +- O - O +On O On O +Fedora B-Operating_System Fedora O +--> O --> O +sudo B-Code_Block sudo O +rpm I-Code_Block rpm O +-del I-Code_Block -del O +--nodeps I-Code_Block --nodeps O +make I-Code_Block make O +--> O --> O +sudo B-Code_Block sudo O +wget I-Code_Block wget O +ftp://fr2.rpmfind.net/linux/centos/6.5/os/x86_64/Packages/make O ftp://fr2.rpmfind.net/linux/centos/6.5/os/x86_64/Packages/make O +-3.81-20.el6.x86_64.rpm O -3.81-20.el6.x86_64.rpm O +--> O --> O +sudo B-Code_Block sudo O +rpm I-Code_Block rpm O +--install I-Code_Block --install O +make-3.81-20.el6.x86_64.rpm I-Code_Block make-3.81-20.el6.x86_64.rpm O + +( O ( O +instructions O instructions O +for O for O +make O make O +reversion O reversion O +from O from O +http://curiositydrivendevelopment.blogspot.com O http://curiositydrivendevelopment.blogspot.com O +) O ) O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/8 O https://github.com/google-ar/arcore-unreal-sdk/issues/8 O + +Can O Can O +you O you O +check O check O +which O which O +model O model O +your O your O +S7 B-Device S7 O +Edge B-Version Edge O +is O is O +? O ? O + +Is O Is O +that O that O +model O model O +on O on O +the O the O +supported O supported O +devices O devices O +list O list O +? O ? O + +It O It O +might O might O +related O related O +to O to O +this O this O +issue O issue O +: O : O +https://github.com/google-ar/arcore-android-sdk/issues/197 O https://github.com/google-ar/arcore-android-sdk/issues/197 O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/39 O https://github.com/resin-io-modules/resin-image-fs/issues/39 O + +This O This O +mitigates O mitigates O +an O an O +ERR_BUFFER_OUT_OF_BOUNDS B-Error_Name ERR_BUFFER_OUT_OF_BOUNDS O +error O error O +with O with O +node O node O +10 O 10 O +and O and O +the O the O +fatfs B-Library fatfs O +library O library O + +Change-type O Change-type O +: O : O +patch O patch O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/13 O https://github.com/google-ar/arcore-unreal-sdk/issues/13 O + +Can O Can O +you O you O +capture O capture O +another O another O +logcat B-Application logcat O +and O and O +do O do O +n't O n't O +apply O apply O +the O the O +" O " O +UE4 B-Application UE4 O +" O " O +filter O filter O +in O in O +the O the O +logcat B-Application logcat O +this O this O +time O time O +? O ? O + +There O There O +might O might O +be O be O +some O some O +useful O useful O +information O information O +there O there O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsergio/ophmisu O wsergio/ophmisu O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsergio/ophmisu/issues/1 O https://github.com/wsergio/ophmisu/issues/1 O + +It O It O +seems O seems O +my O my O +IRC B-Algorithm IRC O +client B-Application client O +was O was O +trying O trying O +to O to O +quickly O quickly O +join O join O +a O a O +few O few O +big O big O +channels O channels O +( O ( O +w/ O w/ O +>1000 O >1000 O +users O users O +) O ) O +, O , O +without O without O +any O any O +delays O delays O +. O . O + +Repository_Name O Repository_Name O +: O : O +wencens/Arduino O wencens/Arduino O +-HMC5883L O -HMC5883L O + +Repository_Link O Repository_Link O +: O : O +https://github.com/wencens/Arduino-HMC5883L O https://github.com/wencens/Arduino-HMC5883L O + +Arduino-HMC5883L B-Device Arduino-HMC5883L O + +HMC5883L B-Device HMC5883L O +Triple I-Device Triple O +Axis I-Device Axis O +Digital I-Device Digital O +Compass I-Device Compass O +Arduino I-Device Arduino O +Library O Library O + +Tutorials O Tutorials O +: O : O +http://www.jarzebski.pl/arduino/czujniki-i-sensory/3-osiowy-magnetometr-hmc5883l.html O http://www.jarzebski.pl/arduino/czujniki-i-sensory/3-osiowy-magnetometr-hmc5883l.html O + +YouTube O YouTube O +: O : O +http://www.youtube.com/watch?v=zG3uzQW3wc0 O http://www.youtube.com/watch?v=zG3uzQW3wc0 O + +This O This O +library O library O +use O use O +I2C B-Device I2C O +to O to O +communicate O communicate O +, O , O +2 O 2 O +pins O pins O +are O are O +required O required O +to O to O +interface O interface O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/4 O https://github.com/zeroepoch/plotbitrate/issues/4 O + +ffprobe B-Application ffprobe O +can O can O +open O open O +remote O remote O +files O files O +too O too O +so O so O +the O the O +check O check O +for O for O +local O local O +input O input O +file O file O +existence O existence O +is O is O +unwanted O unwanted O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Repository_Link O Repository_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1 O https://github.com/LucieSteiner/AMT_feature1 O + +AMT O AMT O +Bootcamp/Lab01 O Bootcamp/Lab01 O + +You O You O +can O can O +find O find O +Rest B-Library Rest O +API I-Library API O +documentation O documentation O +here O here O +. O . O + +How O How O +to O to O +launch O launch O +the O the O +application O application O + +cd B-Code_Block cd B-Code_Block +topology-amt I-Code_Block topology-amt I-Code_Block + +docker-compose B-Code_Block docker-compose B-Code_Block +up I-Code_Block up I-Code_Block +--build I-Code_Block --build I-Code_Block + +go O go O +to O to O +http://192.168.99.100:8080/bootcamp2-1.0-SNAPSHOT O http://192.168.99.100:8080/bootcamp2-1.0-SNAPSHOT O + +If O If O +you O you O +change O change O +the O the O +code O code O +and O and O +build O build O +it O it O +again O again O +, O , O +you O you O +will O will O +need O need O +to O to O +replace O replace O +/images/glassfish/bootcamp2 B-File_Name /images/glassfish/bootcamp2 O +-1.0-SNAPSHOT.war I-File_Name -1.0-SNAPSHOT.war O +by O by O +the O the O +new O new O +.war B-File_Type .war O +hat O hat O +will O will O +be O be O +created O created O +in O in O +the O the O +/src/bootcamp2/target B-File_Name /src/bootcamp2/target O +file O file O +. O . O + +About O About O +the O the O +" O " O +User O User O +Accounts O Accounts O +" O " O +page B-User_Interface_Element page O + +You O You O +will O will O +probably O probably O +get O get O +an O an O +error O error O +on O on O +the O the O +first O first O +time O time O +you O you O +try O try O +to O to O +access O access O +this O this O +page B-User_Interface_Element page O +. O . O + +Just O Just O +reload O reload O +it O it O +. O . O + +The O The O +same O same O +problem O problem O +might O might O +happen O happen O +with O with O +the O the O +first O first O +request O request O +you O you O +will O will O +send O send O +to O to O +the O the O +Rest B-Library Rest O +API I-Library API O +, O , O +just O just O +send O send O +it O it O +again O again O +. O . O + +Hopefully O Hopefully O +, O , O +this O this O +will O will O +be O be O +fixed O fixed O +soon O soon O +! O ! O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/22 O https://github.com/rgeo/rgeo-activerecord/issues/22 O + +Hi O Hi O +! O ! O + +If O If O +I O I O +run O run O +my O my O +application O application O +in O in O +production O production O +mode O mode O +I O I O +get O get O +this O this O +error O error O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_15519 I-Code_Block GR_15519 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +error O error O +is O is O +on O on O +line O line O +2 O 2 O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_15520 I-Code_Block GR_15520 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +On O On O +development O development O +mode O mode O +all O all O +works O works O +fine O fine O +. O . O + +I O I O +use O use O +rgeo B-Library rgeo O +v0.3.20 B-Version v0.3.20 O +and O and O +rgeo-activerecord B-Library rgeo-activerecord O +v4.0.0 B-Version v4.0.0 O +and O and O +rails B-Library rails O +4.2.2 B-Version 4.2.2 O +! O ! O + +Any O Any O +idea O idea O +? O ? O + +EDIT O EDIT O + +If O If O +I O I O +set O set O +config.eager_load B-Library_Variable config.eager_load B-Code_Block +in O in O +production O production O +environment O environment O +to O to O +false O false O +, O , O +all O all O +works O works O +fine O fine O +! O ! O + +Why O Why O +? O ? O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/3 O https://github.com/numen31337/AKVideoImageView/issues/3 O + +Could O Could O +you O you O +please O please O +provide O provide O +some O some O +more O more O +detailed O detailed O +info O info O +, O , O +at O at O +least O least O +stack O stack O +trace O trace O +, O , O +an O an O +example O example O +would O would O +be O be O +perfect O perfect O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/4 O https://github.com/zeroepoch/plotbitrate/issues/4 O + +I O I O +did O did O +n't O n't O +even O even O +think O think O +about O about O +that O that O +. O . O + +Thanks O Thanks O +for O for O +the O the O +pull O pull O +request O request O +. O . O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/13 O https://github.com/smirarab/pasta/issues/13 O + +PASTA B-Application PASTA O +is O is O +not O not O +CUDA B-Application CUDA O +enabled O enabled O +. O . O + +Most O Most O +of O of O +the O the O +running O running O +time O time O +is O is O +spent O spent O +in O in O +Mafft B-Application Mafft O +and O and O +FastTree B-Application FastTree O +. O . O + +If O If O +you O you O +find O find O +a O a O +cuda-enabled B-Application cuda-enabled O +MAFFT I-Application MAFFT O +and O and O +FastTree B-Application FastTree O +, O , O +you O you O +can O can O +simply O simply O +replace O replace O +them O them O +in O in O +the O the O +bin O bin O +directory O directory O +and O and O +PASTA B-Application PASTA O +will O will O +use O use O +that O that O +version O version O +. O . O + +On O On O +Wed O Wed O +, O , O +Oct O Oct O +19 O 19 O +, O , O +2016 O 2016 O +at O at O +8:58 O 8:58 O +AM O AM O +, O , O +Pejvak1 B-User_Name Pejvak1 O +notifications@github.com O notifications@github.com O +wrote O wrote O +: O : O + +First O First O +of O of O +all O all O +, O , O +my O my O +apologies O apologies O +for O for O +posting O posting O +this O this O +as O as O +an O an O +issue O issue O +, O , O +but O but O +I O I O +could O could O +not O not O +find O find O +a O a O +way O way O +to O to O +post O post O +it O it O +as O as O +a O a O +question O question O +. O . O + +I O I O +was O was O +wondering O wondering O +if O if O +I O I O +could O could O +parallelise O parallelise O +the O the O +ML O ML O +caculations O caculations O +in O in O +PASTA B-Application PASTA O +using O using O +CUDA B-Application CUDA O +, O , O +if O if O +I O I O +obtain O obtain O +the O the O +Anaconda B-Application Anaconda O +Accelerate I-Application Accelerate O +module O module O +. O . O + +Or O Or O +if O if O +PASTA B-Application PASTA O +is O is O +already O already O +CUDA-enabled B-Application CUDA-enabled O +. O . O + +If O If O +the O the O +former O former O +is O is O +the O the O +case O case O +; O ; O +how O how O +would O would O +I O I O +go O go O +about O about O +doing O doing O +this O this O +? O ? O + +Would O Would O +calculations O calculations O +become O become O +parallelised O parallelised O +by O by O +just O just O +having O having O +the O the O +Anaconda B-Application Anaconda O +Accelerate I-Application Accelerate O +and O and O +CUDA B-Application CUDA O +? O ? O + +Or O Or O +would O would O +I O I O +need O need O +to O to O +import O import O +the O the O +Anaconda B-Application Anaconda O +Accelerate I-Application Accelerate O +module O module O +into O into O +the O the O +source O source O +code O code O +of O of O +PASTA B-Application PASTA O +? O ? O + +Or O Or O +is O is O +it O it O +just O just O +a O a O +lot O lot O +more O more O +complicated O complicated O +than O than O +that O that O +? O ? O + +— O — O +You O You O +are O are O +receiving O receiving O +this O this O +because O because O +you O you O +are O are O +subscribed O subscribed O +to O to O +this O this O +thread O thread O +. O . O + +Reply O Reply O +to O to O +this O this O +email O email O +directly O directly O +, O , O +view O view O +it O it O +on O on O +GitHub B-Website GitHub O +https://github.com/smirarab/pasta/issues/13 O https://github.com/smirarab/pasta/issues/13 O +, O , O +or O or O +mute O mute O +the O the O +thread O thread O +https://github.com/notifications/unsubscribe-auth/AAybuK22SrxTnn5IqZJoFJ38F7HTR8e3ks5q1j4SgaJpZM4KbJpw O https://github.com/notifications/unsubscribe-auth/AAybuK22SrxTnn5IqZJoFJ38F7HTR8e3ks5q1j4SgaJpZM4KbJpw O +. O . O + +Siavash B-User_Name Siavash O +Mirarab I-User_Name Mirarab O + +Repository_Name O Repository_Name O +: O : O +Forneus/programmering O Forneus/programmering O +-a-inlamningar O -a-inlamningar O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Forneus/programmering-a-inlamningar/issues/1 O https://github.com/Forneus/programmering-a-inlamningar/issues/1 O + +Flyttar O Flyttar O +kommentaren O kommentaren O +hit O hit O +: O : O + +Libbet O Libbet O +har O har O +ingen O ingen O +funktion O funktion O +för O för O +enkla O enkla O +streck O streck O +, O , O +så O så O +du O du O +får O får O +gå O gå O +ut O ut O +i O i O +läget O läget O +" O " O +raw O raw O +" O " O +, O , O +som O som O +vi O vi O +gjorde O gjorde O +i O i O +" O " O +glowing O glowing O +" O " O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_19266 I-Code_Block GR_19266 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Rita O Rita O +först O först O +ett O ett O +enda O enda O +streck O streck O +. O . O + +Upprepa O Upprepa O +sedan O sedan O +ritandet O ritandet O +i O i O +en O en O +loop O loop O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/8 O https://github.com/mfellner/webpack-sandboxed/issues/8 O + + +do O do O +n't O n't O +publish O publish O +config O config O +files O files O +to O to O +npm B-Application npm O + +do O do O +n't O n't O +publish O publish O +internal O internal O +typedefs B-Data_Type typedefs O +with O with O +typedef B-Data_Type typedef O +dependencies O dependencies O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/24 O https://github.com/mapbox/tile-count/issues/24 O + +see O see O +ecs B-Application ecs O +branch O branch O + +Repository_Name O Repository_Name O +: O : O +jkraemer/redmine_airbrake O jkraemer/redmine_airbrake O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jkraemer/redmine_airbrake/issues/2 O https://github.com/jkraemer/redmine_airbrake/issues/2 O + +Yeah O Yeah O +, O , O +just O just O +use O use O +an O an O +older O older O +version O version O +is O is O +an O an O +option O option O +, O , O +but O but O +I O I O +am O am O +not O not O +a O a O +friend O friend O +of O of O +this O this O +, O , O +cause O cause O +you O you O +shift O shift O +the O the O +problem O problem O +to O to O +the O the O +future O future O +when O when O +you O you O +have O have O +to O to O +upgrade O upgrade O +, O , O +cause O cause O +some O some O +other O other O +dependencies O dependencies O +forces O forces O +you O you O +. O . O + +I O I O +just O just O +do O do O +n't O n't O +understand O understand O +why O why O +there O there O +is O is O +this O this O +abuse O abuse O +of O of O +the O the O +project_key B-Library_Variable project_key B-Code_Block +and O and O +maybe O maybe O +there O there O +could O could O +be O be O +a O a O +better O better O +option O option O +to O to O +provide O provide O +additional O additional O +information O information O +to O to O +the O the O +request O request O +. O . O + +If O If O +it O it O +could O could O +be O be O +part O part O +of O of O +the O the O +json B-File_Type json O +request O request O +body O body O +there O there O +would O would O +be O be O +no O no O +potential O potential O +length O length O +limits O limits O +like O like O +in O in O +HTTP O HTTP O +headers O headers O +and O and O +it O it O +could O could O +get O get O +parsed O parsed O +with O with O +the O the O +rest O rest O +of O of O +the O the O +body O body O +, O , O +so O so O +we O we O +do O do O +n't O n't O +need O need O +to O to O +mess O mess O +around O around O +with O with O +CGI.escape B-Library_Function CGI.escape B-Code_Block +and O and O +that O that O +stuff O stuff O +. O . O + +The O The O +downside O downside O +is O is O +, O , O +that O that O +a O a O +change O change O +in O in O +airbrake-ruby B-Library airbrake-ruby B-Code_Block +is O is O +required O required O +and O and O +we O we O +need O need O +a O a O +custom O custom O +key O key O +that O that O +is O is O +not O not O +used O used O +in O in O +the O the O +rest O rest O +of O of O +the O the O +airbrake B-Application airbrake O +json B-File_Type json O +schema O schema O +. O . O + +Maybe O Maybe O +the O the O +key O key O +could O could O +be O be O +configurable O configurable O +. O . O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Repository_Link O Repository_Link O +: O : O +https://github.com/lbarasti/gps_app O https://github.com/lbarasti/gps_app O + +Front O Front O +end O end O + +Gulp B-Library Gulp O +can O can O +be O be O +installed O installed O +by O by O +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +-g I-Code_Block -g I-Code_Block +gulp I-Code_Block gulp I-Code_Block +( O ( O +requires O requires O +sudo O sudo O +on O on O +Unix B-Operating_System Unix O +) O ) O +. O . O + +It O It O +is O is O +recommended O recommended O +to O to O +install O install O +coffeescript B-Language coffeescript O +through O through O +npm B-Application npm O +( O ( O +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +-g I-Code_Block -g I-Code_Block +coffee-script I-Code_Block coffee-script I-Code_Block +- O - O +requires O requires O +sudo O sudo O +on O on O +Unix B-Operating_System Unix O +) O ) O +. O . O + +If O If O +you O you O +are O are O +using O using O +debian B-Operating_System debian O +, O , O +the O the O +PPAs B-Library PPAs O +will O will O +probably O probably O +have O have O +an O an O +old O old O +version O version O +of O of O +coffeescript B-Language coffeescript O +. O . O + +In O In O +particular O particular O +, O , O +the O the O +behaviour O behaviour O +of O of O +lines O lines O +that O that O +start O start O +with O with O +a O a O +period O period O +has O has O +changed O changed O +between O between O +verions O verions O +of O of O +coffeescript B-Language coffeescript O + +Back O Back O +end O end O + +This O This O +requires O requires O +ruby B-Language ruby O +2.0 B-Version 2.0 O +. O . O + +If O If O +you O you O +are O are O +using O using O +debian B-Operating_System debian O +, O , O +this O this O +may O may O +require O require O +a O a O +third-party O third-party O +PPA B-Library PPA O +. O . O + +The O The O +package O package O +name O name O +is O is O +usually O usually O +ruby2.0 B-Language ruby2.0 B-Code_Block +. O . O + +Use O Use O +sudo B-Code_Block sudo B-Code_Block +update-alternatives I-Code_Block update-alternatives I-Code_Block +--config I-Code_Block --config I-Code_Block +ruby I-Code_Block ruby I-Code_Block +to O to O +change O change O +the O the O +ruby B-Language ruby O +version O version O +that O that O +/usr/bin/ruby B-File_Name /usr/bin/ruby B-Code_Block +points O points O +to O to O +in O in O +debian B-Operating_System debian O +. O . O + +Do O Do O +sudo B-Code_Block sudo B-Code_Block +gem I-Code_Block gem I-Code_Block +install I-Code_Block install I-Code_Block +bundle I-Code_Block bundle I-Code_Block +to O to O +install O install O +bundle O bundle O +( O ( O +which O which O +installs O installs O +ruby O ruby O +dependencies O dependencies O +as O as O +described O described O +by O by O +Gemfile O Gemfile O +and O and O +Gemfile.lock O Gemfile.lock O +) O ) O + +Do O Do O +bundle B-Code_Block bundle B-Code_Block +install I-Code_Block install I-Code_Block +to O to O +install O install O +the O the O +dependencies O dependencies O +of O of O +the O the O +Gemfile B-File_Type Gemfile O +of O of O +the O the O +current O current O +project O project O +. O . O + +These O These O +may O may O +fail O fail O +to O to O +install O install O +if O if O +you O you O +do O do O +n't O n't O +have O have O +ruby B-Language ruby O +2.x B-Version 2.x O +. O . O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/21 O https://github.com/moxie-lean/ng-patternlab/issues/21 O + +Camilo B-User_Name Camilo O +created O created O +a O a O +component O component O +for O for O +Skaled B-Application Skaled O +which O which O +converts O converts O +a O a O +select B-HTML_XML_Tag select O +into O into O +a O a O +ul B-HTML_XML_Tag ul O +( O ( O +on O on O +desktop B-Device desktop O +only O only O +) O ) O +for O for O +styling O styling O +. O . O + +We O We O +should O should O +add O add O +it O it O +in O in O +to O to O +ng-patterns B-HTML_XML_Tag ng-patterns O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/30 O https://github.com/mapbox/tile-count/issues/30 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_34666 I-Code_Block GR_34666 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-Website O -Website O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/HackClub-SLHS/HackClub-Website/issues/10 O https://github.com/HackClub-SLHS/HackClub-Website/issues/10 O + +Reverts O Reverts O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-SLHS.github.io#9 O -SLHS.github.io#9 O + +bug O bug O +detected O detected O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/8 O https://github.com/libp2p/interface-record-store/issues/8 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +multihashing O multihashing O +just O just O +published O published O +its O its O +new O new O +version O version O +0.3.0 B-Version 0.3.0 O +. O . O + +State O State O + + +Update O Update O +:rocket O :rocket O +: O : O + + +Dependency O Dependency O + + + +multihashing O multihashing O + + +New O New O +version O version O + + + +0.3.0 B-Version 0.3.0 O + + +Type O Type O + + + +dependency O dependency O + + +This O This O +version O version O +is O is O +not O not O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +. O . O + +Without O Without O +accepting O accepting O +this O this O +pull O pull O +request O request O +your O your O +project O project O +will O will O +work O work O +just O just O +like O like O +it O it O +did O did O +before O before O +. O . O + +There O There O +might O might O +be O be O +a O a O +bunch O bunch O +of O of O +new O new O +features O features O +, O , O +fixes O fixes O +and O and O +perf O perf O +improvements O improvements O +that O that O +the O the O +maintainers O maintainers O +worked O worked O +on O on O +for O for O +you O you O +though O though O +. O . O + +I O I O +recommend O recommend O +you O you O +look O look O +into O into O +these O these O +changes O changes O +and O and O +try O try O +to O to O +get O get O +onto O onto O +the O the O +latest O latest O +version O version O +of O of O +multihashing O multihashing O +. O . O + +Given O Given O +that O that O +you O you O +have O have O +a O a O +decent O decent O +test O test O +suite O suite O +, O , O +a O a O +passing O passing O +build O build O +is O is O +a O a O +strong O strong O +indicator O indicator O +that O that O +you O you O +can O can O +take O take O +advantage O advantage O +of O of O +these O these O +changes O changes O +by O by O +merging O merging O +the O the O +proposed O proposed O +change O change O +into O into O +your O your O +project O project O +. O . O + +Otherwise O Otherwise O +this O this O +branch O branch O +is O is O +a O a O +great O great O +starting O starting O +point O point O +for O for O +you O you O +to O to O +work O work O +on O on O +the O the O +update O update O +. O . O + +Do O Do O +you O you O +have O have O +any O any O +ideas O ideas O +how O how O +I O I O +could O could O +improve O improve O +these O these O +pull O pull O +requests O requests O +? O ? O + +Did O Did O +I O I O +report O report O +anything O anything O +you O you O +think O think O +is O is O +n't O n't O +right O right O +? O ? O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +while O while O +I O I O +'m O 'm O +just O just O +a O a O +bot O bot O +, O , O +there O there O +is O is O +a O a O +group O group O +of O of O +people O people O +who O who O +are O are O +happy O happy O +to O to O +teach O teach O +me O me O +new O new O +things O things O +. O . O + +Let O Let O +them O them O +know O know O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +:sparkles O :sparkles O +: O : O + +You O You O +rock O rock O +! O ! O + +:palm_tree O :palm_tree O +: O : O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +4 O 4 O +commits O commits O +. O . O + +2e8d8df B-Code_Block 2e8d8df B-Code_Block +added I-Code_Block added I-Code_Block +blake2b/s I-Code_Block blake2b/s I-Code_Block +support I-Code_Block support I-Code_Block + +14186b2 B-Code_Block 14186b2 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +release I-Code_Block release I-Code_Block +version I-Code_Block version I-Code_Block +v0.2.3 I-Code_Block v0.2.3 I-Code_Block + +0db8379 B-Code_Block 0db8379 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +contributors I-Code_Block contributors I-Code_Block + +4e3cf24 B-Code_Block 4e3cf24 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +new I-Code_Block new I-Code_Block +aegir I-Code_Block aegir I-Code_Block + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +✨ O ✨ O +Try O Try O +the O the O +all O all O +new O new O +Greenkeeper B-Application Greenkeeper O +GitHub B-Website GitHub O +Integration O Integration O +✨ O ✨ O + +With O With O +Integrations O Integrations O +first-class O first-class O +bot O bot O +support O support O +landed O landed O +on O on O +GitHub B-Website GitHub O +and O and O +we O we O +'ve O 've O +rewritten O rewritten O +Greenkeeper B-Application Greenkeeper O +to O to O +take O take O +full O full O +advantage O advantage O +of O of O +it O it O +. O . O + +Simpler O Simpler O +setup O setup O +, O , O +fewer O fewer O +pull-requests O pull-requests O +, O , O +faster O faster O +than O than O +ever O ever O +. O . O + +Screencast O Screencast O +Try O Try O +it O it O +today O today O +. O . O + +Free O Free O +for O for O +private O private O +repositories O repositories O +during O during O +beta O beta O +. O . O + +Repository_Name O Repository_Name O +: O : O +CocMap/opencv_starter O CocMap/opencv_starter O + +Repository_Link O Repository_Link O +: O : O +https://github.com/CocMap/opencv_starter O https://github.com/CocMap/opencv_starter O + +opencv-starter O opencv-starter O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/22 O https://github.com/rpcope1/Hantek6022API/issues/22 O + +I O I O +'m O 'm O +having O having O +the O the O +same O same O +issue O issue O +. O . O + +I O I O +added O added O +a O a O +bunch O bunch O +of O of O +print O print O +statements O statements O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12012 I-Code_Block GR_12012 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +what O what O +I O I O +see O see O +on O on O +the O the O +console B-Application console O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12013 I-Code_Block GR_12013 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +With O With O +1 O 1 O +minute O minute O +passing O passing O +each O each O +time O time O +" O " O +writing O writing O +byte O byte O +" O " O +is O is O +printed O printed O +. O . O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/5 O https://github.com/numen31337/AKVideoImageView/issues/5 O + +Your O Your O +class O class O +is O is O +very O very O +cool O cool O +. O . O + +Otherwise O Otherwise O +, O , O +it O it O +can O can O +be O be O +better O better O +if O if O +used O used O +by O by O +the O the O +integration O integration O +directly O directly O +in O in O +the O the O +storyboard O storyboard O +( O ( O +change O change O +UIImageView B-Library_Class UIImageView O +into O into O +AKVideoImageView B-Class_Name AKVideoImageView O +) O ) O +. O . O + +To O To O +do O do O +so O so O +, O , O +it O it O +is O is O +necessary O necessary O +to O to O +test O test O +that O that O +the O the O +videoURL B-Variable_Name videoURL O +can O can O +be O be O +nul O nul O +inside O inside O +the O the O +playvideo B-Function_Name playvideo O +method O method O +, O , O +then O then O +to O to O +add O add O +the O the O +ability O ability O +to O to O +call O call O +playVideo B-Function_Name playVideo O +on O on O +the O the O +setVideoURL B-Function_Name setVideoURL O +method O method O +if O if O +the O the O +previous O previous O +instance O instance O +of O of O +videoURL B-Variable_Name videoURL O +was O was O +nil O nil O +. O . O + +Repository_Name O Repository_Name O +: O : O +surol/speedtest O surol/speedtest O +-cli O -cli O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/surol/speedtest-cli/issues/4 O https://github.com/surol/speedtest-cli/issues/4 O + +I O I O +'ll O 'll O +create O create O +another O another O +PR O PR O +to O to O +introduce O introduce O +some O some O +sort O sort O +of O of O +CI B-Application CI O +so O so O +that O that O +we O we O +can O can O +catch O catch O +this O this O +kind O kind O +of O of O +error O error O +during O during O +the O the O +PR O PR O +process O process O +. O . O + +I O I O +'m O 'm O +thinking O thinking O +CircleCI B-Application CircleCI O +as O as O +their O their O +way O way O +to O to O +do O do O +the O the O +workflows O workflows O +, O , O +but O but O +we O we O +can O can O +go O go O +TravisCI B-Application TravisCI O +, O , O +if O if O +you O you O +like O like O +@surol B-User_Name @surol O +. O . O + +Let O Let O +'s O 's O +discuss O discuss O +it O it O +on O on O +another O another O +PR O PR O +. O . O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/8 O https://github.com/mfellner/webpack-sandboxed/issues/8 O + + +Coverage O Coverage O +remained O remained O +the O the O +same O same O +at O at O +86.957 O 86.957 O +% O % O +when O when O +pulling O pulling O +6251c61aa001f6fa3c495028371726a4bc55325a O 6251c61aa001f6fa3c495028371726a4bc55325a O +on O on O +fix-publication O fix-publication O +into O into O +b2a4c42789a750b7ef3fdbf71c954923c87f23d1 O b2a4c42789a750b7ef3fdbf71c954923c87f23d1 O +on O on O +master O master O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/2 O https://github.com/zeroepoch/plotbitrate/issues/2 O + +Unfortunately O Unfortunately O +the O the O +shutil.which B-Library_Function shutil.which O +method O method O +only O only O +exists O exists O +in O in O +Python B-Language Python O +3.3 B-Version 3.3 O ++ I-Version + O +. O . O + +In O In O +an O an O +effort O effort O +to O to O +modernize O modernize O +the O the O +script O script O +from O from O +the O the O +beginning O beginning O +I O I O +started O started O +with O with O +Python B-Language Python O +3 B-Version 3 O +. O . O + +I O I O +'m O 'm O +not O not O +sure O sure O +what O what O +it O it O +would O would O +take O take O +to O to O +get O get O +the O the O +script O script O +to O to O +work O work O +with O with O +Python B-Language Python O +2 B-Version 2 O +, O , O +but O but O +from O from O +a O a O +quick O quick O +Google B-Website Google O +search O search O +there O there O +is O is O +not O not O +a O a O +simple O simple O +one O one O +line O line O +change O change O +to O to O +replace O replace O +the O the O +shutil.which B-Library_Function shutil.which O +call O call O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/1 O https://github.com/zeroepoch/plotbitrate/issues/1 O + +Traceback O Traceback O +( O ( O +most O most O +recent O recent O +call O call O +last O last O +) O ) O +: O : O +File B-Code_Block File O +" I-Code_Block " O +/private/tmp/plotbitrate-master/plotbitrate.py I-Code_Block /private/tmp/plotbitrate-master/plotbitrate.py O +" I-Code_Block " O +, I-Code_Block , O +line I-Code_Block line O +157 I-Code_Block 157 O +, I-Code_Block , O +in I-Code_Block in O +frame_time I-Code_Block frame_time O += I-Code_Block = O +float(node.get('pkt_pts_time')) I-Code_Block float(node.get('pkt_pts_time')) O +TypeError B-Error_Name TypeError O +: O : O +float() B-Code_Block float() O +argument I-Code_Block argument O +must I-Code_Block must O +be I-Code_Block be O +a I-Code_Block a O +string I-Code_Block string O +or I-Code_Block or O +a I-Code_Block a O +number I-Code_Block number O + +Using O Using O +Python B-Language Python O +3.3 B-Version 3.3 O +on O on O +a O a O +mac B-Device mac O +. O . O + +Installed O Installed O +with O with O +macports B-Application macports O +' O ' O +port B-Code_Block port O +install I-Code_Block install O +python33 I-Code_Block python33 O +py33-matplotlib I-Code_Block py33-matplotlib O +' O ' O +also O also O +had O had O +to O to O +edit O edit O +the O the O +first O first O +line O line O +to O to O +' O ' O +# B-Code_Block # O +! I-Code_Block ! O +/usr/bin/env I-Code_Block /usr/bin/env O +python3.3 I-Code_Block python3.3 O +' O ' O +to O to O +get O get O +it O it O +to O to O +run O run O +. O . O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/10 O https://github.com/op-jenkins/op-build/issues/10 O + +retest O retest O +this O this O +please O please O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/5 O https://github.com/contributte/logging/issues/5 O + +sounds O sounds O +cool O cool O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/10 O https://github.com/mfellner/webpack-sandboxed/issues/10 O + +Upgrade O Upgrade O +dependencies O dependencies O +. O . O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Repository_Link O Repository_Link O +: O : O +https://github.com/smirarab/pasta O https://github.com/smirarab/pasta O + +This O This O +is O is O +an O an O +implementation O implementation O +of O of O +the O the O +PASTA B-Algorithm PASTA O +( O ( O +Practical B-Algorithm Practical O +Alignment I-Algorithm Alignment O +using I-Algorithm using O +Sate I-Algorithm Sate O +and I-Algorithm and O +TrAnsitivity I-Algorithm TrAnsitivity O +) O ) O +algorithm O algorithm O +published O published O +in O in O +RECOMB-2014 B-Organization RECOMB-2014 O +and O and O +JCB B-Organization JCB O +: O : O + +Mirarab B-User_Name Mirarab O +S I-User_Name S O +, O , O +Nguyen B-User_Name Nguyen O +N I-User_Name N O +, O , O +Warnow B-User_Name Warnow O +T I-User_Name T O +. I-User_Name . O +PASTA B-Algorithm PASTA O +: O : O +ultra-large O ultra-large O +multiple O multiple O +sequence O sequence O +alignment O alignment O +. O . O + +Sharan B-User_Name Sharan O +R I-User_Name R O +, O , O +ed O ed O +. O . O + +Res B-Organization Res O +Comput I-Organization Comput O +Mol I-Organization Mol O +Biol I-Organization Biol O +. O . O + +2014:177-191 O 2014:177-191 O +. O . O + +Mirarab B-User_Name Mirarab O +S I-User_Name S O +, O , O +Nguyen B-User_Name Nguyen O +N I-User_Name N O +, O , O +Guo B-User_Name Guo O +S I-User_Name S O +, O , O +Wang B-User_Name Wang O +L-S I-User_Name L-S O +, O , O +Kim B-User_Name Kim O +J I-User_Name J O +, O , O +Warnow B-User_Name Warnow O +T I-User_Name T O +. I-User_Name . O +PASTA B-Algorithm PASTA O +: O : O +Ultra-Large O Ultra-Large O +Multiple O Multiple O +Sequence O Sequence O +Alignment O Alignment O +for O for O +Nucleotide O Nucleotide O +and O and O +Amino-Acid O Amino-Acid O +Sequences O Sequences O +. O . O + +J B-Organization J O +Comput I-Organization Comput O +Biol I-Organization Biol O +. O . O + +2015;22(5):377-386 O 2015;22(5):377-386 O +. O . O +doi:10.1089/cmb.2014.0156 O doi:10.1089/cmb.2014.0156 O +. O . O + +All O All O +questions O questions O +and O and O +inquires O inquires O +should O should O +be O be O +addressed O addressed O +to O to O +our O our O +user O user O +email O email O +group O group O +: O : O +pasta-users@googlegroups.com B-Code_Block pasta-users@googlegroups.com B-Code_Block +. O . O + +Please O Please O +check O check O +our O our O +Tutorial O Tutorial O +and O and O +previous O previous O +posts O posts O +before O before O +sending O sending O +new O new O +requests O requests O +. O . O + +The O The O +code O code O +and O and O +the O the O +algorithm O algorithm O +are O are O +developed O developed O +by O by O +Siavash B-User_Name Siavash O +Mirarab I-User_Name Mirarab O +and O and O +Tandy B-User_Name Tandy O +Warnow I-User_Name Warnow O +, O , O +with O with O +help O help O +from O from O +Nam B-User_Name Nam O +Nguyen I-User_Name Nguyen O +. O . O + +The O The O +latest O latest O +version O version O +of O of O +the O the O +code O code O +includes O includes O +a O a O +new O new O +code O code O +decomposition O decomposition O +designed O designed O +and O and O +implemented O implemented O +by O by O +Uyen B-User_Name Uyen O +Mai I-User_Name Mai O +. O . O + +Acknowledgment O Acknowledgment O +: O : O + +The O The O +current O current O +PASTA B-Application PASTA O +code O code O +is O is O +heavily O heavily O +based O based O +on O on O +the O the O +SATe B-Application SATe O +code O code O +developed O developed O +by O by O +Mark B-User_Name Mark O +Holder I-User_Name Holder O +'s O 's O +group O group O +at O at O +KU O KU O +. O . O + +Refer O Refer O +to O to O +sate-doc O sate-doc O +directory O directory O +for O for O +documentation O documentation O +of O of O +the O the O +SATe B-Application SATe O +code O code O +, O , O +including O including O +the O the O +list O list O +of O of O +authors O authors O +, O , O +license O license O +, O , O +etc O etc O +. O . O + +Niema B-User_Name Niema O +Moshiri I-User_Name Moshiri O +has O has O +contributed O contributed O +to O to O +the O the O +import O import O +to O to O +dendropy B-Library dendropy O +4 B-Version 4 O +and O and O +python B-Library python O +3 B-Version 3 O +and O and O +to O to O +the O the O +Docker B-Application Docker O +image B-User_Interface_Element image O +. O . O + +Documentation O Documentation O +: O : O +In O In O +addition O addition O +to O to O +this O this O +README B-File_Name README O +file O file O +, O , O +you O you O +can O can O +consult O consult O +our O our O +Tutorial O Tutorial O +. O . O + +INSTALLATION O INSTALLATION O + +You O You O +have O have O +four O four O +options O options O +for O for O +installing O installing O +PASTA B-Application PASTA O +. O . O + +Windows B-Operating_System Windows O +: O : O +If O If O +you O you O +have O have O +a O a O +Windows B-Operating_System Windows O +machine O machine O +, O , O +currently O currently O +using O using O +the O the O +Docker B-Application Docker O +image B-User_Interface_Element image O +or O or O +the O the O +Virtual B-Application Virtual O +Machine I-Application Machine O +( O ( O +VM B-Application VM O +) O ) O +image B-User_Interface_Element image O +we O we O +provide O provide O +is O is O +your O your O +only O only O +option O option O +. O . O + +Among O Among O +those O those O +two O two O +options O options O +, O , O +Docker B-Application Docker O +is O is O +the O the O +preferred O preferred O +method O method O +. O . O + +Linux B-Operating_System Linux O +: O : O +If O If O +you O you O +have O have O +Linux B-Operating_System Linux O +( O ( O +or O or O +other O other O +* B-Operating_System * O +nix I-Operating_System nix O +systems O systems O +) O ) O +, O , O +you O you O +can O can O +still O still O +use O use O +Docker B-Application Docker O +or O or O +VM B-Application VM O +, O , O +but O but O +downloading O downloading O +the O the O +code O code O +from O from O +github B-Website github O +and O and O +installing O installing O +it O it O +is O is O +what O what O +we O we O +recommend O recommend O +. O . O + +MAC B-Operating_System MAC O +: O : O +We O We O +have O have O +four O four O +options O options O +for O for O +MAC B-Operating_System MAC O +: O : O +VM B-Application VM O +, O , O +Docker B-Application Docker O +, O , O +installing O installing O +from O from O +the O the O +code O code O +, O , O +and O and O +downloading O downloading O +the O the O +.dmg B-File_Type .dmg O +file O file O +. O . O + +If O If O +you O you O +mostly O mostly O +use O use O +the O the O +GUI O GUI O +, O , O +then O then O +the O the O +MAC B-Operating_System MAC O +.dmg B-File_Type .dmg O +file O file O +is O is O +a O a O +good O good O +option O option O +( O ( O +although O although O +sometimes O sometimes O +it O it O +can O can O +be O be O +behind O behind O +the O the O +latest O latest O +code O code O +) O ) O +. O . O + +Otherwise O Otherwise O +, O , O +we O we O +reocmmend O reocmmend O +either O either O +Docker B-Application Docker O +or O or O +the O the O +code O code O +. O . O + +1 O 1 O +. O . O + +From O From O +pre-build O pre-build O +MAC B-Operating_System MAC O +image B-User_Interface_Element image O +file O file O + +Download O Download O +the O the O +MAC B-Operating_System MAC O +application O application O +.dmg B-File_Type .dmg O +file O file O +here O here O +or O or O +from O from O +the O the O +project O project O +website O website O +. O . O + +Open O Open O +the O the O +.dmg B-File_Type .dmg O +file O file O +and O and O +copy O copy O +its O its O +content O content O +to O to O +your O your O +preferred O preferred O +destination O destination O +( O ( O +do O do O +not O not O +run O run O +PASTA B-Application PASTA O +from O from O +the O the O +image B-User_Interface_Element image O +itself O itself O +) O ) O +. O . O + +Simply O Simply O +run O run O +the O the O +PASTA B-Application PASTA O +app O app O +from O from O +where O where O +you O you O +copied O copied O +it O it O +. O . O + +Common O Common O +Problems O Problems O +: O : O + +In O In O +some O some O +cases O cases O +, O , O +your O your O +python B-Language python O +installation O installation O +might O might O +be O be O +in O in O +a O a O +location O location O +different O different O +from O from O +where O where O +PASTA B-Algorithm PASTA O +is O is O +hoping O hoping O +to O to O +find O find O +it O it O +. O . O + +In O In O +these O these O +cases O cases O +, O , O +you O you O +get O get O +the O the O +following O following O +error O error O +message O message O +: O : O + +PASTA B-Application PASTA O +has O has O +encoutered O encoutered O +a O a O +fatal B-Error_Name fatal O +error I-Error_Name error O +, O , O +and O and O +will O will O +now O now O +terminate O terminate O +. O . O + +A O A O +Python B-Language Python O +runtime O runtime O +could O could O +not O not O +be O be O +located O located O +. O . O + +You O You O +may O may O +need O need O +to O to O +install O install O +a O a O +framework O framework O +build O build O +of O of O +Python B-Language Python O +, O , O +or O or O +edit O edit O +the O the O +PyRuntimeLocations B-Library_Variable PyRuntimeLocations O +array O array O +in O in O +this O this O +application O application O +'s O 's O +info.plist B-File_Name info.plist O +file O file O +. O . O + +If O If O +you O you O +get O get O +this O this O +message O message O +, O , O +make O make O +sure O sure O +you O you O +have O have O +python B-Language python O +2.7 B-Version 2.7 O +installed O installed O +. O . O + +Then O Then O +, O , O +run O run O + +python B-Code_Block python B-Code_Block +-c I-Code_Block -c I-Code_Block +' I-Code_Block ' I-Code_Block +import I-Code_Block import I-Code_Block +sys I-Code_Block sys I-Code_Block +; I-Code_Block ; I-Code_Block +print I-Code_Block print I-Code_Block +sys.prefix I-Code_Block sys.prefix I-Code_Block +' I-Code_Block ' I-Code_Block +. O . O + +This O This O +will O will O +tell O tell O +you O you O +where O where O +your O your O +python B-Language python O +is O is O +located O located O +. O . O + +Now O Now O +click O click O +on O on O +the O the O +PASTA B-Application PASTA O +app O app O +and O and O +select O select O +Show B-Code_Block Show B-Code_Block +Package I-Code_Block Package I-Code_Block +Content I-Code_Block Content I-Code_Block +. O . O + +Navigate O Navigate O +to O to O +Contents B-Code_Block Contents B-Code_Block +and O and O +open O open O +Info.plist B-File_Name Info.plist B-Code_Block +with O with O +the O the O +text B-Application text O +editor I-Application editor O +. O . O + +Replace O Replace O +/System/Library/Frameworks/Python.framework/Versions/2.7/ B-Code_Block /System/Library/Frameworks/Python.framework/Versions/2.7/ B-Code_Block +under O under O +PyRuntimeLocations B-Library_Variable PyRuntimeLocations B-Code_Block + +with O with O +the O the O +location O location O +of O of O +your O your O +python B-Language python O +installation O installation O +( O ( O +likely O likely O +it O it O +is O is O +/Library/Frameworks/Python.framework/Versions/2.7 B-Code_Block /Library/Frameworks/Python.framework/Versions/2.7 B-Code_Block +) O ) O +. O . O + +Try O Try O +running O running O +the O the O +App O App O +again O again O +and O and O +see O see O +if O if O +it O it O +works O works O +. O . O + +If O If O +the O the O +above O above O +solution O solution O +does O does O +not O not O +work O work O +, O , O +or O or O +if O if O +you O you O +get O get O +other O other O +errors O errors O +, O , O +try O try O +first O first O +installing O installing O +PASTA B-Application PASTA O +from O from O +the O the O +source O source O +code O code O +( O ( O +see O see O +below O below O +) O ) O +and O and O +then O then O +run O run O +./make B-Code_Block ./make B-Code_Block +-app.sh I-Code_Block -app.sh I-Code_Block +from O from O +the O the O +pasta B-Application pasta O +directory O directory O +. O . O + +This O This O +will O will O +create O create O +an O an O +app O app O +under O under O + +dist O dist B-Code_Block +directory O directory O +, O , O +which O which O +you O you O +should O should O +be O be O +able O able O +to O to O +run O run O +and O and O +copy O copy O +to O to O +any O any O +other O other O +location O location O +. O . O + +2 O 2 O +. O . O + +From O From O +Source O Source O +Code O Code O + +The O The O +current O current O +version O version O +of O of O +PASTA B-Application PASTA O +has O has O +been O been O +developed O developed O +and O and O +tested O tested O +entirely O entirely O +on O on O +Linux B-Operating_System Linux O +and O and O +MAC B-Operating_System MAC O +. O . O + +Windows B-Operating_System Windows O +wo O wo O +n't O n't O +work O work O +currently O currently O +( O ( O +future O future O +versions O versions O +may O may O +or O or O +may O may O +not O not O +support O support O +Windows B-Operating_System Windows O +) O ) O +. O . O + +You O You O +need O need O +to O to O +have O have O +: O : O + +Python B-Language Python O +( O ( O +version O version O +2.7 B-Version 2.7 O +or O or O +later O later O +, O , O +including O including O +python B-Language python O +3) B-Version 3) O + +Dendropy B-Library Dendropy O +( O ( O +but O but O +the O the O +setup O setup O +script O script O +should O should O +automatically O automatically O +install O install O +dendropy B-Library dendropy O +for O for O +you O you O +if O if O +you O you O +do O do O +n't O n't O +have O have O +it O it O +) O ) O + +Java B-Language Java O +( O ( O +only O only O +required O required O +for O for O +using O using O +OPAL B-Application OPAL O +) O ) O + +wxPython B-Application wxPython O +- O - O +only O only O +required O required O +if O if O +you O you O +want O want O +to O to O +use O use O +the O the O +GUI O GUI O +. O . O + +Installation O Installation O +steps O steps O +: O : O + +Open O Open O +a O a O +terminal B-Application terminal O +and O and O +create O create O +a O a O +directory O directory O +where O where O +you O you O +want O want O +to O to O +keep O keep O +PASTA B-Application PASTA O +. O . O + +e.g O e.g O +. O . O + +mkdir B-Code_Block mkdir B-Code_Block +~ I-Code_Block ~ I-Code_Block +/pasta I-Code_Block /pasta I-Code_Block +-code I-Code_Block -code I-Code_Block +. O . O + +Go O Go O +to O to O +this O this O +directory O directory O +. O . O + +e.g O e.g O +. O . O + +cd B-Code_Block cd B-Code_Block +~ I-Code_Block ~ I-Code_Block +/pasta I-Code_Block /pasta I-Code_Block +-code I-Code_Block -code I-Code_Block +. O . O + +Clone O Clone O +the O the O +PASTA B-Application PASTA O +code O code O +repository O repository O +from O from O +our O our O +github B-Website github O +repository O repository O +. O . O + +For O For O +example O example O +you O you O +can O can O +use O use O +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block +https://github.com/smirarab/pasta.git I-Code_Block https://github.com/smirarab/pasta.git I-Code_Block +. O . O + +If O If O +you O you O +do O do O +n't O n't O +have O have O +git B-Application git O +, O , O +you O you O +can O can O +directly O directly O +download O download O +a O a O +zip B-File_Type zip O +file O file O +from O from O +the O the O +repository O repository O + +and O and O +decompress O decompress O +it O it O +into O into O +your O your O +desired O desired O +directory O directory O +. O . O + +Clone O Clone O +the O the O +relevant O relevant O +" O " O +tools O tools O +" O " O +directory O directory O +( O ( O +these O these O +are O are O +also O also O +forked O forked O +from O from O +the O the O +SATe O SATe O +project O project O +) O ) O +. O . O + +There O There O +are O are O +different O different O +repositories O repositories O +for O for O +linux B-Operating_System linux O + +and O and O +MAC B-Operating_System MAC O +. O . O + +You O You O +can O can O +use O use O +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block +https://github.com/smirarab/sate-tools-linux.git I-Code_Block https://github.com/smirarab/sate-tools-linux.git I-Code_Block +for O for O +Linux B-Operating_System Linux O +or O or O +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block +https://github.com/smirarab/sate-tools-mac.git I-Code_Block https://github.com/smirarab/sate-tools-mac.git I-Code_Block +for O for O +MAC B-Operating_System MAC O +. O . O + +Or O Or O +you O you O +can O can O +directly O directly O +download O download O +these O these O +as O as O +zip B-File_Type zip O +files O files O +for O for O +Linux B-Operating_System Linux O +or O or O +MAC B-Operating_System MAC O + +and O and O +decompress O decompress O +them O them O +in O in O +your O your O +target O target O +directory O directory O +( O ( O +e.g O e.g O +. O . O + +pasta-code B-Code_Block pasta-code B-Code_Block +) O ) O +. O . O + +Note O Note O +that O that O +the O the O +tools O tools O +directory O directory O +and O and O +the O the O +PASTA B-Application PASTA O +code O code O +directory O directory O +should O should O +be O be O +under O under O +the O the O +same O same O +parent O parent O +directory O directory O +. O . O + +Also O Also O +note O note O +that O that O +when O when O +you O you O +use O use O +the O the O +zip B-File_Type zip O +files O files O +instead O instead O +of O of O +using O using O +git B-Application git B-Code_Block +, O , O +after O after O +decompressing O decompressing O +the O the O +zip B-File_Type zip O +file O file O +you O you O +may O may O +get O get O +a O a O +directory O directory O +called O called O +sate-tools-mac-master B-Code_Block sate-tools-mac-master B-Code_Block +or O or O +sate-tools-linux-master B-Code_Block sate-tools-linux-master B-Code_Block +instead O instead O +of O of O +sate-tools-mac B-Code_Block sate-tools-mac B-Code_Block +or O or O +sate-tools-linux B-Code_Block sate-tools-linux B-Code_Block +. O . O + +You O You O +need O need O +to O to O +rename O rename O +these O these O +directories O directories O +and O and O +remove O remove O +the O the O +-master B-Code_Block -master B-Code_Block +part O part O +. O . O + +Finally O Finally O +, O , O +those O those O +with O with O +32-bit O 32-bit O +Linux B-Operating_System Linux O +machines O machines O +need O need O +to O to O +be O be O +aware O aware O +that O that O +the O the O +master O master O +branch O branch O +has O has O +64-bit O 64-bit O +binaries O binaries O +. O . O + +32-bit O 32-bit O +binaries O binaries O +are O are O +provided O provided O +in O in O +the O the O +32bit B-Code_Block 32bit B-Code_Block +branch O branch O +of O of O +sate-tools-linux B-Code_Block sate-tools-linux B-Code_Block +git B-Application git O +project O project O +( O ( O +so O so O +download O download O +this O this O +zip B-File_Type zip O +file O file O +instead O instead O +) O ) O +. O . O + +If O If O +you O you O +want O want O +to O to O +use O use O +MAFFT-Homologs B-Application MAFFT-Homologs O +within O within O +PASTA B-Application PASTA O + +cd B-Code_Block cd B-Code_Block +sate-tools-linux I-Code_Block sate-tools-linux I-Code_Block +or O or O +cd B-Code_Block cd B-Code_Block +sate-tools-mac I-Code_Block sate-tools-mac I-Code_Block + +Use O Use O +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block +https://github.com/kodicollins/pasta-databases I-Code_Block https://github.com/kodicollins/pasta-databases I-Code_Block +or O or O +download O download O +directly O directly O +at O at O +https://github.com/kodicollins/pasta-databases.git B-Code_Block https://github.com/kodicollins/pasta-databases.git B-Code_Block + +Be O Be O +sure O sure O +to O to O +leave O leave O +this O this O +directory O directory O +cd B-Code_Block cd B-Code_Block +. I-Code_Block . I-Code_Block +. I-Code_Block . I-Code_Block +before O before O +starting O starting O +the O the O +next O next O +step O step O + +cd B-Code_Block cd B-Code_Block +pasta I-Code_Block pasta I-Code_Block +( O ( O +or O or O +cd B-Code_Block cd B-Code_Block +pasta-master I-Code_Block pasta-master I-Code_Block +if O if O +you O you O +used O used O +the O the O +zip B-File_Type zip O +file O file O +instead O instead O +of O of O +clonning O clonning O +the O the O +git B-Application git O +repository O repository O +) O ) O + +Then O Then O +run O run O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_180916 I-Code_Block GR_180916 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +do O do O +n't O n't O +have O have O +root O root O +access O access O +, O , O +remove O remove O +the O the O +sudo B-Code_Block sudo B-Code_Block +part O part O +and O and O +instead O instead O +use O use O +--user B-Code_Block --user B-Code_Block +option O option O +. O . O + +Alternatively O Alternatively O +, O , O +you O you O +can O can O +use O use O +--prefix B-Code_Block --prefix B-Code_Block +to O to O +install O install O +it O it O +in O in O +a O a O +different O different O +location O location O +, O , O +but O but O +that O that O +different O different O +location O location O +needs O needs O +to O to O +be O be O +part O part O +of O of O +your O your O +PYTHONPATH B-Code_Block PYTHONPATH B-Code_Block +environmental O environmental O +variable O variable O +. O . O + +Common O Common O +Problems O Problems O +: O : O + +Could B-Code_Block Could B-Code_Block +not I-Code_Block not I-Code_Block +find I-Code_Block find I-Code_Block +SATe I-Code_Block SATe I-Code_Block +tools I-Code_Block tools I-Code_Block +bundle I-Code_Block bundle I-Code_Block +directory: I-Code_Block directory: I-Code_Block +: O : O +this O this O +means O means O +you O you O +do O do O +n't O n't O +have O have O +the O the O +right O right O +tools O tools O +directory O directory O +at O at O +the O the O +right O right O +location O location O +. O . O + +Maybe O Maybe O +you O you O +downloaded O downloaded O +MAC B-Operating_System MAC O +instead O instead O +of O of O +Linux B-Operating_System Linux O +? O ? O + +Or O Or O +, O , O +maybe O maybe O +you O you O +did O did O +n't O n't O +put O put O +the O the O +directory O directory O +in O in O +the O the O +parent O parent O +directory O directory O +of O of O +where O where O +pasta O pasta O +code O code O +is O is O +? O ? O + +Most O Most O +likely O likely O +, O , O +you O you O +used O used O +the O the O +zip B-File_Type zip O +files O files O +and O and O +forgot O forgot O +to O to O +remove O remove O +teh O teh O +-master B-Code_Block -master B-Code_Block +from O from O +the O the O +directory O directory O +name O name O +. O . O + +Run O Run O +mv B-Code_Block mv B-Code_Block +sate-tools-mac-master I-Code_Block sate-tools-mac-master I-Code_Block +sate-tools-mac I-Code_Block sate-tools-mac I-Code_Block +on O on O +MAC B-Operating_System MAC O +or O or O +mv B-Code_Block mv B-Code_Block +sate-tools-linux-master I-Code_Block sate-tools-linux-master I-Code_Block +sate-tools-linux I-Code_Block sate-tools-linux I-Code_Block +to O to O +fix O fix O +this O this O +issue O issue O +. O . O + +The O The O +setup.py B-File_Name setup.py B-Code_Block +script O script O +is O is O +supposed O supposed O +to O to O +install O install O +setuptools B-Library setuptools O +for O for O +you O you O +if O if O +you O you O +do O do O +n't O n't O +have O have O +it O it O +. O . O + +This O This O +sometimes O sometimes O +works O works O +and O and O +sometimes O sometimes O +does O does O +n't O n't O +. O . O + +If O If O +you O you O +get O get O +an O an O +error O error O +with O with O +a O a O +message O message O +like O like O +invalid B-Code_Block invalid B-Code_Block +command I-Code_Block command I-Code_Block +' I-Code_Block ' I-Code_Block +develop I-Code_Block develop I-Code_Block +' B-Code_Block ' B-Code_Block +, O , O +it O it O +means O means O +that O that O +setuptools B-Library setuptools O +is O is O +not O not O +installed O installed O +. O . O + +To O To O +solve O solve O +this O this O +issue O issue O +, O , O +you O you O +can O can O +manually O manually O +install O install O +setup B-Library setup O +tools I-Library tools O +. O . O + +For O For O +example O example O +, O , O +on O on O +Linux B-Operating_System Linux O +, O , O +you O you O +can O can O +run O run O +curl B-Code_Block curl B-Code_Block +https://bootstrap.pypa.io/ez_setup.py I-Code_Block https://bootstrap.pypa.io/ez_setup.py I-Code_Block +-o I-Code_Block -o I-Code_Block +- I-Code_Block - I-Code_Block +| I-Code_Block | I-Code_Block +sudo I-Code_Block sudo I-Code_Block +python I-Code_Block python I-Code_Block + +( O ( O +but O but O +note O note O +there O there O +are O are O +other O other O +ways O ways O +of O of O +installing O installing O +setuptools B-Library setuptools O +as O as O +well O well O +) O ) O +. O . O + +Pasta B-Application Pasta O +now O now O +includes O includes O +additional O additional O +aligners O aligners O +for O for O +Linux B-Operating_System Linux O +and O and O +MAC B-Operating_System MAC O +users O users O +: O : O +mafft-ginsi B-Application mafft-ginsi O +, O , O +mafft-homologs B-Application mafft-homologs O +, O , O +contralign B-Application contralign O +( O ( O +version B-Version version O +1) I-Version 1) O +, O , O +and O and O +probcons B-Application probcons O +. O . O + +In O In O +order O order O +to O to O +use O use O +mafft-homologs B-Application mafft-homologs O +and O and O +contralign B-Application contralign O +, O , O +the O the O +user O user O +must O must O +set O set O +the O the O +environment O environment O +variable O variable O +CONTRALIGN_DIR B-Code_Block CONTRALIGN_DIR O += I-Code_Block = O +/dir/to/sate I-Code_Block /dir/to/sate O +-tools-linux I-Code_Block -tools-linux O +. O . O + +A O A O +simple O simple O +step-by-step O step-by-step O +for O for O +this O this O +is O is O +as O as O +following O following O +: O : O +a O a O +. O . O +change O change O +your O your O +directory O directory O +to O to O +sate-tools-linux O sate-tools-linux O +( O ( O +or O or O +sate-tools-mac O sate-tools-mac O +) O ) O +, O , O +type O type O +pwd B-Code_Block pwd B-Code_Block +in O in O +the O the O +command O command O +line O line O +, O , O +and O and O +copy O copy O +the O the O +output O output O +b O b O +. O . O + +vim B-Code_Block vim B-Code_Block +~ I-Code_Block ~ I-Code_Block +/.bashrc I-Code_Block /.bashrc I-Code_Block +, O , O +press O press O +i O i O +and O and O +then O then O +type O type O +CONTRALIGN_DIR B-Code_Block CONTRALIGN_DIR O +=( I-Code_Block =( O +paste I-Code_Block paste O +the I-Code_Block the O +copied I-Code_Block copied O +output/directory I-Code_Block output/directory O +) I-Code_Block ) O +at O at O +the O the O +bottom O bottom O +of O of O +the O the O +text B-File_Type text O +file O file O +, O , O +the O the O +press O press O +ESC B-Keyboard_IP ESC O +followed O followed O +by O by O +:wq O :wq O +c O c O +. O . O +then O then O +in O in O +the O the O +command O command O +line O line O +type O type O +source B-Code_Block source B-Code_Block +~ I-Code_Block ~ I-Code_Block +/.bashrc I-Code_Block /.bashrc I-Code_Block + +To O To O +use O use O +these O these O +aligners O aligners O +, O , O +add O add O +the O the O +following O following O +to O to O +your O your O +pasta B-Application pasta O +execution O execution O +--aligner B-Code_Block --aligner O += I-Code_Block = O +NAME_OF_ALIGNER I-Code_Block NAME_OF_ALIGNER O +, O , O +where O where O +NAME_OF_ALIGNER B-Library_Variable NAME_OF_ALIGNER O +now O now O +includes O includes O +( O ( O +ginsi B-Application ginsi O +, O , O +homologs B-Application homologs O +, O , O +contralign B-Application contralign O +, O , O +and O and O +probcons B-Application probcons O +) O ) O + +3 O 3 O +. O . O + +From O From O +Docker B-Application Docker O + +Make O Make O +sure O sure O +you O you O +have O have O +Docker B-Application Docker O +installed O installed O + +Run O Run O + +docker B-Code_Block docker B-Code_Block +pull I-Code_Block pull I-Code_Block +smirarab/docker I-Code_Block smirarab/docker I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_180917 I-Code_Block GR_180917 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +are O are O +done O done O +. O . O + +You O You O +can O can O +test O test O +using O using O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_180918 I-Code_Block GR_180918 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +4 O 4 O +. O . O + +From O From O +Virtual B-Application Virtual O +Machine I-Application Machine O +( O ( O +VM B-Application VM O +) O ) O + +VM B-Application VM O +Image I-Application Image O +( O ( O +mostly O mostly O +for O for O +Windows B-Operating_System Windows O +users O users O +) O ) O +is O is O +available O available O +for O for O +download O download O +( O ( O +~ O ~ O +3 O 3 O +GB O GB O +) O ) O +. O . O + +Once O Once O +the O the O +image B-User_Interface_Element image O +is O is O +downloaded O downloaded O +, O , O +you O you O +need O need O +to O to O +run O run O +it O it O +using O using O +a O a O +VM B-Application VM O +environment O environment O +( O ( O +VirtualBox B-Application VirtualBox O +is O is O +a O a O +good O good O +option O option O +) O ) O +. O . O + +After O After O +you O you O +install O install O +VirtualBox B-Application VirtualBox O +, O , O +you O you O +just O just O +need O need O +to O to O +use O use O +File/import O File/import O +to O to O +import O import O +the O the O +* B-File_Type * O +.ova I-File_Type .ova O +image B-User_Interface_Element image O +that O that O +you O you O +have O have O +downloaded O downloaded O +( O ( O +if O if O +your O your O +machine O machine O +has O has O +less O less O +than O than O +3GB O 3GB O +you O you O +might O might O +want O want O +to O to O +reduce O reduce O +the O the O +memory O memory O +to O to O +something O something O +like O like O +512MB O 512MB O +) O ) O +. O . O + +Once O Once O +VM B-Application VM O +is O is O +imported O imported O +, O , O +you O you O +can O can O +start O start O +it O it O +from O from O +the O the O +Virtualbox B-Application Virtualbox O +. O . O + +If O If O +you O you O +are O are O +asked O asked O +to O to O +login O login O +, O , O +the O the O +username O username O +and O and O +passwords O passwords O +are O are O +( O ( O +username O username O +: O : O +phylolab O phylolab O +, O , O +password O password O +: O : O +phylolab O phylolab O +) O ) O +. O . O + +PASTA B-Application PASTA O +is O is O +already O already O +installed O installed O +on O on O +the O the O +VM B-Application VM O +machine O machine O +, O , O +so O so O +you O you O +can O can O +simply O simply O +proceed O proceed O +by O by O +opening O opening O +a O a O +terminal B-Application terminal O +and O and O +running O running O +it O it O +. O . O + +VM B-Application VM O +version O version O +may O may O +be O be O +an O an O +older O older O +version O version O +. O . O + +Email O Email O +pasta-users@googlegroups.com B-Code_Block pasta-users@googlegroups.com B-Code_Block +for O for O +installation O installation O +issues O issues O +. O . O + +EXECUTION O EXECUTION O + +To O To O +run O run O +PASTA B-Application PASTA O +using O using O +the O the O +command-line O command-line O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_180919 I-Code_Block GR_180919 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +run O run O +it O it O +using O using O +Docker B-Application Docker O +, O , O +run O run O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_180920 I-Code_Block GR_180920 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +PASTA B-Application PASTA O +by O by O +default O default O +picks O picks O +the O the O +appropriate O appropriate O +configurations O configurations O +automatically O automatically O +for O for O +you O you O +. O . O + +The O The O +starting O starting O +tree B-Data_Structure tree O +is O is O +optional O optional O +. O . O + +If O If O +not O not O +provided O provided O +, O , O +PASTA B-Application PASTA O +estimates O estimates O +a O a O +starting O starting O +tree B-Data_Structure tree O +. O . O + +Run O Run O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_180921 I-Code_Block GR_180921 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +to O to O +see O see O +PASTA B-Application PASTA O +'s O 's O +various O various O +options O options O +and O and O +description O description O +of O of O +how O how O +they O they O +work O work O +. O . O + +To O To O +run O run O +the O the O +GUI O GUI O +version O version O +, O , O + +if O if O +you O you O +have O have O +used O used O +the O the O +MAC B-Operating_System MAC O +.dmg B-File_Type .dmg O +file O file O +, O , O +you O you O +can O can O +simply O simply O +click O click O +on O on O +your O your O +application O application O +file O file O +to O to O +run O run O +PASTA B-Application PASTA O +. O . O + +if O if O +you O you O +have O have O +installed O installed O +from O from O +the O the O +source O source O +code O code O +, O , O +cd B-Code_Block cd O +into O into O +your O your O +installation O installation O +directory O directory O +and O and O +run O run O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_180922 I-Code_Block GR_180922 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +on O on O +some O some O +machines O machines O +you O you O +may O may O +need O need O +to O to O +use O use O +pythonw B-Code_Block pythonw B-Code_Block +run_pasta_gui.py I-Code_Block run_pasta_gui.py I-Code_Block +instead O instead O +. O . O + +Options O Options O + +PASTA B-Application PASTA O +estimates O estimates O +alignments O alignments O +and O and O +maximum O maximum O +likelihood O likelihood O +( O ( O +ML O ML O +) O ) O +trees B-Data_Structure trees O +from O from O +unaligned O unaligned O +sequences O sequences O +using O using O +an O an O +iterative O iterative O +approach O approach O +. O . O + +In O In O +each O each O +iteration O iteration O +, O , O +it O it O +first O first O +estimates O estimates O +a O a O +multiple O multiple O +sequence O sequence O +alignment O alignment O +and O and O +then O then O +a O a O +ML O ML O +tree B-Data_Structure tree O +is O is O +estimated O estimated O +on O on O +( O ( O +a O a O +masked O masked O +version O version O +of O of O +) O ) O +the O the O +alignment O alignment O +. O . O + +By O By O +default O default O +PASTA B-Application PASTA O +performs O performs O +3 O 3 O +iterations O iterations O +, O , O +but O but O +a O a O +host O host O +of O of O +options O options O +enable O enable O +changing O changing O +that O that O +behavior O behavior O +. O . O + +In O In O +each O each O +iteration O iteration O +, O , O +a O a O +divide-and-conquer B-Algorithm divide-and-conquer O +strategy O strategy O +is O is O +used O used O +for O for O +estimating O estimating O +the O the O +alignment O alignment O +. O . O + +The O The O +set O set O +of O of O +sequences O sequences O +is O is O +divided O divided O +into O into O +smaller O smaller O +subsets O subsets O +, O , O +each O each O +of O of O +which O which O +is O is O +aligned O aligned O +using O using O +an O an O +external O external O +alignment O alignment O +tool O tool O +( O ( O +the O the O +default O default O +is O is O +MAFFT-L-ins-i B-Application MAFFT-L-ins-i O +) O ) O +. O . O + +These O These O +subset O subset O +alignments O alignments O +are O are O +then O then O +pairwise O pairwise O +merged O merged O +( O ( O +by O by O +default O default O +using O using O +Opal B-Application Opal O +) O ) O +and O and O +finally O finally O +the O the O +pairwise O pairwise O +merged O merged O +alignments O alignments O +are O are O +merged O merged O +into O into O +a O a O +final O final O +alignment O alignment O +using O using O +transitivity O transitivity O +merge O merge O +. O . O + +The O The O +division O division O +of O of O +the O the O +dataset O dataset O +into O into O +smaller O smaller O +subsets O subsets O +and O and O +selecting O selecting O +which O which O +alignments O alignments O +should O should O +be O be O +pairwise O pairwise O +merged O merged O +is O is O +guided O guided O +by O by O +the O the O +tree B-Data_Structure tree O +from O from O +the O the O +previous O previous O +iteration O iteration O +. O . O + +The O The O +first O first O +step O step O +therefore O therefore O +needs O needs O +an O an O +initial O initial O +tree B-Data_Structure tree O +. O . O + +When O When O +GUI O GUI O +is O is O +used O used O +, O , O +a O a O +limited O limited O +set O set O +of O of O +important O important O +options O options O +can O can O +be O be O +adjusted O adjusted O +. O . O + +The O The O +command O command O +line O line O +also O also O +allows O allows O +you O you O +to O to O +alter O alter O +the O the O +behavior O behavior O +of O of O +the O the O +algorithm O algorithm O +, O , O +and O and O +provides O provides O +a O a O +larger O larger O +sets O sets O +of O of O +options O options O +that O that O +can O can O +be O be O +adjusted O adjusted O +. O . O + +Options O Options O +can O can O +also O also O +be O be O +passed O passed O +in O in O +as O as O +configuration B-File_Type configuration O +files O files O +with O with O +the O the O +format O format O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_180923 I-Code_Block GR_180923 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +With O With O +every O every O +run O run O +, O , O +PASTA B-Application PASTA O +saves O saves O +the O the O +configuration B-File_Type configuration O +file O file O +for O for O +that O that O +run O run O +as O as O +a O a O +temporary O temporary O +file O file O +called O called O +[jobname]_temp_pasta_config.txt B-File_Name [jobname]_temp_pasta_config.txt B-Code_Block +in O in O +your O your O +output O output O +directory O directory O +. O . O + +Multiple O Multiple O +configuration B-File_Type configuration O +files O files O +can O can O +be O be O +provided O provided O +. O . O + +Configuration B-File_Type Configuration O +files O files O +are O are O +read O read O +in O in O +the O the O +order O order O +they O they O +occur O occur O +as O as O +arguments O arguments O +( O ( O +with O with O +values O values O +in O in O +later O later O +files O files O +replacing O replacing O +previously O previously O +read O read O +values O values O +) O ) O +. O . O + +Options O Options O +specified O specified O +in O in O +the O the O +command O command O +line O line O +are O are O +read O read O +last O last O +. O . O + +Thus O Thus O +, O , O +these O these O +values O values O +" O " O +overwrite O overwrite O +" O " O +any O any O +settings O settings O +from O from O +the O the O +configuration B-File_Type configuration O +files O files O +. O . O + +Note O Note O +: O : O +the O the O +use O use O +of O of O +--auto B-Code_Block --auto O +option O option O +can O can O +overwrite O overwrite O +some O some O +of O of O +the O the O +other O other O +options O options O +provided O provided O +by O by O +commandline O commandline O +or O or O +through O through O +configuration B-File_Type configuration O +files O files O +. O . O + +The O The O +use O use O +of O of O +this O this O +option O option O +is O is O +generally O generally O +not O not O +suggested O suggested O +( O ( O +it O it O +is O is O +a O a O +legacy O legacy O +option O option O +from O from O +SATe B-Application SATe O +) O ) O +. O . O + +The O The O +following O following O +is O is O +a O a O +list O list O +of O of O +important O important O +options O options O +used O used O +by O by O +PASTA B-Application PASTA O +. O . O + +Note O Note O +that O that O +by O by O +default O default O +PASTA B-Application PASTA O +picks O picks O +these O these O +parameters O parameters O +for O for O +you O you O +, O , O +and O and O +thus O thus O +you O you O +might O might O +not O not O +need O need O +to O to O +ever O ever O +change O change O +these O these O +: O : O + +Initial O Initial O +tree B-Data_Structure tree O +: O : O +If O If O +a O a O +starting O starting O +tree B-Data_Structure tree O +is O is O +provided O provided O +using O using O +the O the O +-t B-Code_Block -t B-Code_Block +option O option O +, O , O +then O then O +that O that O +tree B-Data_Structure tree O +is O is O +used O used O +. O . O + +If O If O +the O the O +input O input O +sequence O sequence O +file O file O +is O is O +already O already O +aligned O aligned O +and O and O +--aligned B-Code_Block --aligned B-Code_Block +option O option O +is O is O +provided O provided O +, O , O +then O then O +PASTA B-Application PASTA O +computes O computes O +an O an O +ML O ML O +tree B-Data_Structure tree O +on O on O +the O the O +input O input O +alignment O alignment O +and O and O +uses O uses O +that O that O +as O as O +the O the O +starting O starting O +tree B-Data_Structure tree O +. O . O + +If O If O +the O the O +input O input O +sequences O sequences O +are O are O +not O not O +aligned O aligned O +( O ( O +or O or O +if O if O +they O they O +are O are O +aligned O aligned O +and O and O +--aligned B-Code_Block --aligned B-Code_Block +is O is O +not O not O +given O given O +) O ) O +, O , O +PASTA B-Application PASTA O +uses O uses O +the O the O +procedure O procedure O +described O described O +below O below O +for O for O +estimating O estimating O +the O the O +starting O starting O +alignment O alignment O +and O and O +tree B-Data_Structure tree O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_180924 I-Code_Block GR_180924 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Data O Data O +type O type O +: O : O +PASTA B-Application PASTA O +does O does O +not O not O +automatically O automatically O +detect O detect O +your O your O +data O data O +type O type O +. O . O + +Unless O Unless O +your O your O +data O data O +is O is O +DNA O DNA O +, O , O +you O you O +need O need O +to O to O +set O set O +the O the O +data O data O +type O type O +using O using O +-d B-Code_Block -d B-Code_Block +command O command O +. O . O + +Subset O Subset O +alignment O alignment O +tool O tool O +: O : O +the O the O +default O default O +is O is O +MAFFT B-Application MAFFT O +, O , O +but O but O +you O you O +can O can O +change O change O +it O it O +using O using O +--aligner B-Code_Block --aligner B-Code_Block +command O command O +. O . O + +Pairwise O Pairwise O +merge O merge O +tool O tool O +: O : O +the O the O +default O default O +is O is O +OPAL B-Application OPAL O +for O for O +dna O dna O +and O and O +Muscle O Muscle O +for O for O +protein O protein O +. O . O + +Change O Change O +it O it O +using O using O +--merger B-Code_Block --merger B-Code_Block +command O command O +. O . O + +Tree B-Data_Structure Tree O +estimation O estimation O +tool O tool O +: O : O +the O the O +default O default O +is O is O +FastTree B-Application FastTree O +. O . O + +You O You O +can O can O +also O also O +set O set O +it O it O +to O to O +RAxML B-Application RAxML O +using O using O +--tree-estimator B-Code_Block --tree-estimator B-Code_Block +option O option O +. O . O + +Be O Be O +aware O aware O +that O that O +RAxML B-Application RAxML O +takes O takes O +much O much O +longer O longer O +than O than O +FastTree B-Application FastTree O +. O . O + +If O If O +you O you O +really O really O +want O want O +to O to O +have O have O +a O a O +RAxML B-Application RAxML O +tree B-Data_Structure tree O +, O , O +we O we O +suggest O suggest O +obtaining O obtaining O +one O one O +by O by O +running O running O +it O it O +on O on O +the O the O +final O final O +PASTA B-Application PASTA O +alignment O alignment O +. O . O + +You O You O +can O can O +change O change O +the O the O +model O model O +used O used O +by O by O +FastTree B-Application FastTree O +( O ( O +default O default O +: O : O +-gtr B-Code_Block -gtr O +-gammaq I-Code_Block -gammaq O +for O for O +nt O nt O +and O and O +-wag B-Code_Block -wag O +-gamma I-Code_Block -gamma O +for O for O +aa O aa O +) O ) O +or O or O +RAxML B-Application RAxML O +( O ( O +default O default O +GTRGAMMA B-Code_Block GTRGAMMA O +for O for O +nt O nt O +and O and O +PROTWAGCAT B-Code_Block PROTWAGCAT O +for O for O +AA O AA O +) O ) O +by O by O +updating O updating O +the O the O +[ B-Code_Block [ B-Code_Block +model I-Code_Block model I-Code_Block +] I-Code_Block ] I-Code_Block +parameter O parameter O +under O under O +[ B-Code_Block [ B-Code_Block +FastTree I-Code_Block FastTree I-Code_Block +] I-Code_Block ] I-Code_Block +or O or O +[ B-Code_Block [ B-Code_Block +RAxML I-Code_Block RAxML I-Code_Block +] I-Code_Block ] I-Code_Block +header O header O +in O in O +the O the O +config B-File_Type config O +file O file O +. O . O + +The O The O +model O model O +cannot O cannot O +be O be O +currently O currently O +updated O updated O +in O in O +the O the O +command O command O +line O line O +. O . O + +Number O Number O +of O of O +iterations O iterations O +: O : O +the O the O +simplest O simplest O +option O option O +that O that O +can O can O +be O be O +used O used O +to O to O +set O set O +the O the O +number O number O +of O of O +iterations O iterations O +is O is O +--iter-limit B-Code_Block --iter-limit B-Code_Block +. O . O + +You O You O +can O can O +also O also O +set O set O +a O a O +time O time O +limit O limit O +using O using O +--time-limit B-Code_Block --time-limit B-Code_Block +, O , O +in O in O +which O which O +case O case O +, O , O +PASTA B-Application PASTA O +runs O runs O +until O until O +the O the O +time O time O +limit O limit O +is O is O +reached O reached O +, O , O +then O then O +continues O continues O +to O to O +run O run O +until O until O +the O the O +current O current O +iteration O iteration O +is O is O +finished O finished O +, O , O +and O and O +then O then O +stops O stops O +. O . O + +If O If O +both O both O +values O values O +are O are O +set O set O +, O , O +PASTA B-Application PASTA O +stops O stops O +after O after O +the O the O +first O first O +limit O limit O +is O is O +reached O reached O +. O . O + +The O The O +remaining O remaining O +options O options O +for O for O +setting O setting O +iteration O iteration O +limits O limits O +are O are O +legacies O legacies O +of O of O +SATe B-Application SATe O +and O and O +are O are O +not O not O +recommended O recommended O +. O . O + +Masking O Masking O +: O : O +Since O Since O +PASTA B-Application PASTA O +produces O produces O +very O very O +gappy O gappy O +alignments O alignments O +, O , O +it O it O +is O is O +a O a O +good O good O +idea O idea O +to O to O +remove O remove O +sites O sites O +that O that O +are O are O +almost O almost O +exclusively O exclusively O +gaps O gaps O +before O before O +running O running O +the O the O +ML O ML O +tree B-Data_Structure tree O +estimation O estimation O +. O . O + +By O By O +default O default O +, O , O +PASTA B-Application PASTA O +removes O removes O +sites O sites O +that O that O +are O are O +more O more O +than O than O +99.9 O 99.9 O +% O % O +gaps O gaps O +. O . O + +You O You O +can O can O +change O change O +that O that O +using O using O +the O the O +--mask-gappy-sites B-Code_Block --mask-gappy-sites B-Code_Block +option O option O +. O . O + +Maximum O Maximum O +subset O subset O +size O size O +: O : O +two O two O +options O options O +are O are O +provided O provided O +to O to O +set O set O +the O the O +maximum O maximum O +subset O subset O +size O size O +: O : O +--max-subproblem-frac B-Code_Block --max-subproblem-frac B-Code_Block +and O and O +--max-subproblem-size B-Code_Block --max-subproblem-size B-Code_Block +. O . O + +The O The O +--max-subproblem-frac B-Code_Block --max-subproblem-frac B-Code_Block +option O option O +is O is O +a O a O +number O number O +between O between O +0 O 0 O +and O and O +1 O 1 O +and O and O +sets O sets O +the O the O +maximum O maximum O +subset O subset O +size O size O +as O as O +a O a O +fraction O fraction O +of O of O +the O the O +entire O entire O +dataset O dataset O +. O . O + +The O The O +--max-subproblem-size B-Code_Block --max-subproblem-size B-Code_Block +option O option O +sets O sets O +the O the O +maximum O maximum O +size O size O +as O as O +an O an O +absolute O absolute O +number O number O +. O . O + +When O When O +both O both O +numbers O numbers O +are O are O +provided O provided O +( O ( O +in O in O +either O either O +configuration O configuration O +file O file O +or O or O +the O the O +command O command O +line O line O +) O ) O +, O , O +the O the O +LARGER O LARGER O +number O number O +is O is O +used O used O +. O . O + +This O This O +is O is O +an O an O +unfortunate O unfortunate O +design O design O +( O ( O +legacy O legacy O +of O of O +SATe B-Application SATe O +) O ) O +and O and O +can O can O +be O be O +quite O quite O +confusing O confusing O +. O . O + +Please O Please O +always O always O +double O double O +check O check O +the O the O +actual O actual O +subset O subset O +size O size O +reported O reported O +by O by O +PASTA B-Application PASTA O +and O and O +make O make O +sure O sure O +it O it O +is O is O +the O the O +value O value O +intended O intended O +. O . O + +Temporary O Temporary O +files O files O +: O : O +PASTA B-Application PASTA O +creates O creates O +many O many O +temporary O temporary O +files O files O +, O , O +and O and O +deletes O deletes O +most O most O +at O at O +the O the O +end O end O +. O . O + +You O You O +can O can O +control O control O +the O the O +behavior O behavior O +of O of O +temporary O temporary O +files O files O +using O using O +--temporaries B-Code_Block --temporaries B-Code_Block +( O ( O +to O to O +set O set O +the O the O +tempdirectory O tempdirectory O +) O ) O +, O , O + +-k B-Code_Block -k B-Code_Block +( O ( O +to O to O +keep O keep O +temporaries O temporaries O +) O ) O +and O and O +--keepalignmenttemps B-Code_Block --keepalignmenttemps B-Code_Block +( O ( O +to O to O +keep O keep O +even O even O +more O more O +temporaries O temporaries O +) O ) O +options O options O +. O . O + +Note O Note O +that O that O +PASTA B-Application PASTA O +also O also O +creates O creates O +a O a O +bunch O bunch O +of O of O +temporary O temporary O +files O files O +in O in O +the O the O +output O output O +directory O directory O +and O and O +never O never O +deletes O deletes O +them O them O +, O , O +because O because O +these O these O +temporary O temporary O +files O files O +are O are O +potentially O potentially O +useful O useful O +for O for O +the O the O +users O users O +. O . O + +These O These O +files O files O +are O are O +all O all O +of O of O +the O the O +form O form O +[jobname]_temp_* B-File_Name [jobname]_temp_* B-Code_Block +. O . O + +Some O Some O +of O of O +the O the O +important O important O +files O files O +created O created O +are O are O +alignments O alignments O +and O and O +trees B-Data_Structure trees O +produced O produced O +in O in O +individual O individual O +steps O steps O +( O ( O +alignments O alignments O +are O are O +saved O saved O +both O both O +in O in O +masked O masked O +and O and O +unmasked O unmasked O +versions O versions O +) O ) O +. O . O + +These O These O +intermediate O intermediate O +files O files O +all O all O +have O have O +internal O internal O +PASTA B-Application PASTA O +sequence O sequence O +names O names O +, O , O +which O which O +are O are O +slightly O slightly O +different O different O +from O from O +your O your O +actual O actual O +sequence O sequence O +names O names O +. O . O + +The O The O +mapping O mapping O +between O between O +PASTA B-Application PASTA O +and O and O +real O real O +names O names O +are O are O +given O given O +also O also O +as O as O +a O a O +temporary O temporary O +file O file O +: O : O +[jobname]_temp_name_translation.txt B-File_Name [jobname]_temp_name_translation.txt B-Code_Block +. O . O + +Dry O Dry O +run O run O +: O : O +The O The O +--exportconfig B-Code_Block --exportconfig B-Code_Block +option O option O +can O can O +be O be O +used O used O +to O to O +crate O crate O +a O a O +config O config O +file O file O +that O that O +can O can O +be O be O +checked O checked O +for O for O +correctness O correctness O +before O before O +running O running O +the O the O +actual O actual O +job O job O +. O . O + +CPUs B-Device CPUs O +: O : O +PASTA B-Application PASTA O +tries O tries O +to O to O +use O use O +all O all O +the O the O +available O available O +cpus B-Device cpus O +by O by O +default O default O +. O . O + +You O You O +can O can O +use O use O +num_cpus B-Library_Variable num_cpus B-Code_Block +to O to O +adjust O adjust O +the O the O +number O number O +of O of O +threads O threads O +used O used O +. O . O + +The O The O +remaining O remaining O +options O options O +available O available O +in O in O +PASTA B-Application PASTA O +are O are O +mostly O mostly O +legacies O legacies O +from O from O +SATe B-Application SATe O +and O and O +are O are O +generally O generally O +not O not O +useful O useful O +for O for O +PASTA B-Application PASTA O +runs O runs O +. O . O + +Output O Output O + +PASTA B-Application PASTA O +outputs O outputs O +an O an O +alignment O alignment O +and O and O +a O a O +tree B-Data_Structure tree O +, O , O +in O in O +addition O addition O +to O to O +a O a O +host O host O +of O of O +other O other O +files O files O +. O . O + +These O These O +various O various O +output O output O +files O files O +are O are O +described O described O +in O in O +more O more O +detail O detail O +in O in O +our O our O +tutorial O tutorial O +. O . O + +Note O Note O +that O that O +the O the O +support O support O +values O values O +on O on O +the O the O +PASTA B-Application PASTA O +output O output O +tree B-Data_Structure tree O +are O are O +local O local O +SH-like O SH-like O +support O support O +values O values O +computed O computed O +by O by O +FastTree B-Application FastTree O +, O , O +and O and O +not O not O +bootstrap O bootstrap O +support O support O +values O values O +. O . O + +To O To O +get O get O +a O a O +more O more O +reliable O reliable O +measure O measure O +of O of O +support O support O +, O , O +please O please O +use O use O +the O the O +bootstrapping O bootstrapping O +procedure O procedure O +, O , O +applied O applied O +to O to O +the O the O +final O final O +PASTA B-Application PASTA O +alignments O alignments O +( O ( O +you O you O +can O can O +use O use O +RAxML B-Application RAxML O +for O for O +this O this O +purpose O purpose O +) O ) O +. O . O + +Debug O Debug O + +To O To O +show O show O +debugging O debugging O +information O information O +, O , O +set O set O +the O the O +following O following O +environmental O environmental O +variables O variables O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_180925 I-Code_Block GR_180925 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +( O ( O +last O last O +line O line O +is O is O +optional O optional O +) O ) O + +LICENSE O LICENSE O + +PASTA B-Application PASTA O +uses O uses O +the O the O +same O same O +license O license O +as O as O +SATe B-Application SATe O +( O ( O +GNU B-Licence GNU O +Public I-Licence Public O +License I-Licence License O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/3 O https://github.com/dhrrgn/codeigniter-uhoh/issues/3 O + +Thank O Thank O +you O you O +hv15 B-User_Name hv15 O +, O , O +that O that O +solved O solved O +the O the O +issue O issue O +I O I O +was O was O +having O having O +with O with O +uhoh O uhoh O +! O ! O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/1 O https://github.com/op-jenkins/op-build/issues/1 O + +retest O retest O +this O this O +please O please O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/9 O https://github.com/demigor/lex.db/issues/9 O + +I O I O +could O could O +reproduce O reproduce O +the O the O +following O following O +problem O problem O +: O : O + +public B-Code_Block public O +class I-Code_Block class O +TemplateModel I-Code_Block TemplateModel O +{ I-Code_Block { O +public I-Code_Block public O +int I-Code_Block int O +Id I-Code_Block Id O +{ I-Code_Block { O +get I-Code_Block get O +; I-Code_Block ; O +set I-Code_Block set O +; I-Code_Block ; O +} I-Code_Block } O +/// I-Code_Block /// O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37401 I-Code_Block GR_37401 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_37402 I-Code_Block GR_37402 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/31 O https://github.com/google-ar/arcore-unreal-sdk/issues/31 O + +Hmm O Hmm O +, O , O +it O it O +looks O looks O +like O like O +the O the O +binary O binary O +build O build O +of O of O +Unreal B-Application Unreal O +Engine I-Application Engine O +is O is O +missing O missing O +the O the O +Tools B-File_Name Tools O +folder O folder O +inside O inside O +GoogleARCore B-Application GoogleARCore O +plugin I-Application plugin O +. O . O + +You O You O +might O might O +need O need O +to O to O +use O use O +the O the O +source O source O +code O code O +version O version O +of O of O +Unreal B-Application Unreal O +Engine I-Application Engine O +and O and O +build O build O +your O your O +self O self O +. O . O + +You O You O +can O can O +find O find O +the O the O +source O source O +code O code O +version O version O +of O of O +4.20 B-Version 4.20 O +here O here O +: O : O +https://github.com/EpicGames/UnrealEngine O https://github.com/EpicGames/UnrealEngine O +of O of O +if O if O +you O you O +want O want O +to O to O +get O get O +the O the O +latest O latest O +GoogleARCore B-Application GoogleARCore O +integration O integration O +, O , O +you O you O +can O can O +use O use O +Google B-Organization Google O +'s O 's O +version O version O +of O of O +Unreal B-Application Unreal O +Engine I-Application Engine O +which O which O +you O you O +can O can O +find O find O +here O here O +: O : O +https://github.com/google-ar-unreal/UnrealEngine O https://github.com/google-ar-unreal/UnrealEngine O +. O . O + +Note O Note O +that O that O +the O the O +Google B-Organization Google O +'s O 's O +version O version O +is O is O +currently O currently O +on O on O +4.19 B-Version 4.19 O +for O for O +now O now O +. O . O + +Repository_Name O Repository_Name O +: O : O +WilsonHalChen/GeneralTimeToContact O WilsonHalChen/GeneralTimeToContact O + +Repository_Link O Repository_Link O +: O : O +https://github.com/WilsonHalChen/GeneralTimeToContact O https://github.com/WilsonHalChen/GeneralTimeToContact O + +GeneralTimeToContact O GeneralTimeToContact O + +Repository_Name O Repository_Name O +: O : O +kamarrcos/Hello O kamarrcos/Hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/kamarrcos/Hello-world/issues/1 O https://github.com/kamarrcos/Hello-world/issues/1 O + +Test O Test O +pull O pull O +. O . O + +Repository_Name O Repository_Name O +: O : O +lobbin/chrome O lobbin/chrome O +-die2nitemapupdater O -die2nitemapupdater O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lobbin/chrome-die2nitemapupdater/issues/2 O https://github.com/lobbin/chrome-die2nitemapupdater/issues/2 O + +Every O Every O +time O time O +you O you O +move O move O +one O one O +square O square O +, O , O +the O the O +button B-Device button O +for O for O +updating O updating O +the O the O +map B-User_Interface_Element map O +disappears O disappears O +, O , O +and O and O +is O is O +only O only O +added O added O +when O when O +you O you O +refresh O refresh O +the O the O +page O page O +. O . O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/12 O https://github.com/lbarasti/gps_app/issues/12 O + +Maybe O Maybe O +a O a O +way O way O +to O to O +indicate O indicate O +that O that O +a O a O +bus O bus O +has O has O +broken O broken O +down O down O +or O or O +a O a O +replacement O replacement O +is O is O +running O running O +, O , O +or O or O +just O just O +a O a O +way O way O +to O to O +send O send O +( O ( O +time O time O +limited O limited O +and O and O +manageable O manageable O +in O in O +some O some O +way O way O +) O ) O +messages O messages O +to O to O +the O the O +server O server O +that O that O +the O the O +webpage B-User_Interface_Element webpage O +can O can O +pick O pick O +up O up O +and O and O +display O display O +. O . O + +e.g O e.g O +. O . O + +bus O bus O +breaks O breaks O +down O down O +at O at O +0825 O 0825 O +, O , O +driver O driver O +or O or O +reception O reception O +or O or O +selected O selected O +admins O admins O +post O post O +a O a O +message O message O +" O " O +black O black O +bus O bus O +not O not O +running O running O +" O " O +either O either O +with O with O +a O a O +timeout O timeout O +of O of O +some O some O +kind O kind O +, O , O +or O or O +that O that O +has O has O +to O to O +be O be O +administrated O administrated O +in O in O +some O some O +way O way O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/34 O https://github.com/google-ar/arcore-unreal-sdk/issues/34 O + +Issue O Issue O +resolved O resolved O +. O . O + +The O The O +invitation O invitation O +was O was O +available O available O +on O on O +github B-Website github O +, O , O +email O email O +came O came O +after O after O +I O I O +accepted O accepted O +. O . O + +I O I O +was O was O +able O able O +to O to O +download O download O +4.20arcore B-Version 4.20arcore O +, O , O +build O build O +, O , O +and O and O +load O load O +editor O editor O +via O via O +VS B-Application VS O +with O with O +plugin O plugin O +included O included O +. O . O + +thanks O thanks O + +Repository_Name O Repository_Name O +: O : O +SUSTC/sustech O SUSTC/sustech O +-slides O -slides O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SUSTC/sustech-slides/issues/1 O https://github.com/SUSTC/sustech-slides/issues/1 O + +I O I O +think O think O +the O the O +quality O quality O +needs O needs O +to O to O +be O be O +improved O improved O +. O . O + +I O I O +reverted O reverted O +these O these O +changes O changes O +. O . O + +Repository_Name O Repository_Name O +: O : O +Rahmadax/CaveExplorer O Rahmadax/CaveExplorer O + +Repository_Link O Repository_Link O +: O : O +https://github.com/Rahmadax/CaveExplorer O https://github.com/Rahmadax/CaveExplorer O + +CaveExplorer O CaveExplorer O + +Christmas O Christmas O +Project O Project O +2017 O 2017 O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/35 O https://github.com/rpcope1/Hantek6022API/issues/35 O + + +sample_rate_index B-Code_Block sample_rate_index O += I-Code_Block = O +0x1E I-Code_Block 0x1E O + +0x1E O 0x1E O +is O is O +30 O 30 O +in O in O +decimal O decimal O +and O and O +stands O stands O +for O for O +30 O 30 O +MHz O MHz O +. O . O + +The O The O +modded O modded O +firmware O firmware O +and O and O +custom O custom O +firmware O firmware O +support O support O +some O some O +new O new O +sample O sample O +rates O rates O +. O . O + +It O It O +is O is O +not O not O +supported O supported O +by O by O +the O the O +stock O stock O +firmware O firmware O +. O . O + +The O The O +list O list O +of O of O +sample O sample O +rates O rates O +is O is O +: O : O +10 O 10 O +, O , O +20 O 20 O +, O , O +50 O 50 O += O = O +100/200/500kHz O 100/200/500kHz O +, O , O +1 O 1 O +, O , O +2 O 2 O +, O , O +4 O 4 O +, O , O +8 O 8 O +, O , O +12 O 12 O +, O , O +16 O 16 O +, O , O +24 O 24 O +, O , O +30 O 30 O +, O , O +48 O 48 O += O = O +samplerate O samplerate O +in O in O +MHz O MHz O +. O . O + +48 O 48 O +MHz O MHz O +does O does O +n't O n't O +really O really O +work O work O +, O , O +since O since O +USB B-Device USB O +2.0 B-Version 2.0 O +is O is O +too O too O +slow O slow O +. O . O + +It O It O +does O does O +n't O n't O +seem O seem O +to O to O +be O be O +possible O possible O +to O to O +change O change O +the O the O +sample_rate B-Library_Variable sample_rate O +, O , O +when O when O +using O using O +the O the O +read_async B-Library_Function read_async O +method O method O +. O . O + +The O The O +data O data O +has O has O +always O always O +a O a O +length O length O +of O of O +12288000 O 12288000 O +( O ( O +within O within O +one O one O +sec O sec O +) O ) O +, O , O +regardless O regardless O +of O of O +chosen O chosen O +sample O sample O +rate O rate O +and O and O +the O the O +data O data O +looks O looks O +strange O strange O +( O ( O +gaps O gaps O +between O between O +measured O measured O +samples O samples O +) O ) O +. O . O + +Is O Is O +this O this O +a O a O +limitation O limitation O +, O , O +or O or O +am O am O +I O I O +not O not O +understanding O understanding O +something O something O +? O ? O + +This O This O +is O is O +not O not O +what O what O +happens O happens O +for O for O +me O me O +. O . O + +Did O Did O +you O you O +install O install O +the O the O +modded O modded O +firmware O firmware O +, O , O +or O or O +the O the O +custom O custom O +firmware O firmware O +? O ? O + +Also O Also O +try O try O +a O a O +different O different O +USB B-Device USB O +port/hub O port/hub O +. O . O + +If O If O +you O you O +can O can O +only O only O +read O read O +up O up O +to O to O +12 O 12 O +MB/s O MB/s O +, O , O +there O there O +may O may O +be O be O +some O some O +other O other O +USB B-Device USB O +device O device O +on O on O +the O the O +same O same O +bus O bus O +that O that O +needs O needs O +some O some O +bandwidth O bandwidth O +. O . O + +This O This O +also O also O +explains O explains O +the O the O +gaps O gaps O +you O you O +see O see O +. O . O + +I O I O +can O can O +sample O sample O +up O up O +to O to O +30 O 30 O +MB/s O MB/s O +with O with O +very O very O +few O few O +gaps O gaps O +. O . O + +You O You O +can O can O +also O also O +choose O choose O +8MB/s O 8MB/s O +by O by O +setting O setting O +the O the O +sample_rate_index B-Library_Variable sample_rate_index O +to O to O +8 O 8 O +. O . O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/26 O https://github.com/smirarab/pasta/issues/26 O + +Eliminated O Eliminated O +all O all O +the O the O +print O print O +commands O commands O +. O . O + +Repository_Name O Repository_Name O +: O : O +citi-onboarding/mandacaruBack O citi-onboarding/mandacaruBack O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/citi-onboarding/mandacaruBack/issues/1 O https://github.com/citi-onboarding/mandacaruBack/issues/1 O + +faltando O faltando O +colocar O colocar O +o O o O +vídeo O vídeo O +promocional O promocional O +( O ( O +já O já O +temos O temos O +, O , O +amém O amém O +) O ) O +e O e O +o O o O +favicon O favicon O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/5 O https://github.com/mfellner/webpack-sandboxed/issues/5 O + +Fix O Fix O +some O some O +issues O issues O +with O with O +the O the O +loading O loading O +of O of O +modules O modules O +. O . O + +Loaders O Loaders O +must O must O +be O be O +included O included O +as O as O +packages O packages O +to O to O +load O load O +, O , O +however O however O +this O this O +makes O makes O +webpack-sandboxed O webpack-sandboxed O +more O more O +resilient O resilient O +to O to O +awkward O awkward O +directory O directory O +configurations O configurations O +, O , O +like O like O +in O in O +example/ B-Code_Block example/ B-Code_Block +. O . O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/2 O https://github.com/LucieSteiner/AMT_feature1/issues/2 O + +It O It O +'s O 's O +a O a O +detail O detail O +, O , O +but O but O +the O the O +page B-User_Interface_Element page O +transitions O transitions O +in O in O +the O the O +UI O UI O +need O need O +to O to O +be O be O +checked O checked O +and O and O +must O must O +be O be O +consistent O consistent O +. O . O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/10 O https://github.com/op-jenkins/op-build/issues/10 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/9 O https://github.com/libp2p/interface-record-store/issues/9 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +multihashing O multihashing O +just O just O +published O published O +its O its O +new O new O +version O version O +0.3.1 B-Version 0.3.1 O +. O . O + +State O State O + + +Update O Update O +:rocket O :rocket O +: O : O + + +Dependency O Dependency O + + + +multihashing O multihashing O + + +New O New O +version O version O + + + +0.3.1 B-Version 0.3.1 O + + +Type O Type O + + + +dependency O dependency O + + +This O This O +version O version O +is O is O +not O not O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +. O . O + +Without O Without O +accepting O accepting O +this O this O +pull O pull O +request O request O +your O your O +project O project O +will O will O +work O work O +just O just O +like O like O +it O it O +did O did O +before O before O +. O . O + +There O There O +might O might O +be O be O +a O a O +bunch O bunch O +of O of O +new O new O +features O features O +, O , O +fixes O fixes O +and O and O +perf O perf O +improvements O improvements O +that O that O +the O the O +maintainers O maintainers O +worked O worked O +on O on O +for O for O +you O you O +though O though O +. O . O + +I O I O +recommend O recommend O +you O you O +look O look O +into O into O +these O these O +changes O changes O +and O and O +try O try O +to O to O +get O get O +onto O onto O +the O the O +latest O latest O +version O version O +of O of O +multihashing O multihashing O +. O . O + +Given O Given O +that O that O +you O you O +have O have O +a O a O +decent O decent O +test O test O +suite O suite O +, O , O +a O a O +passing O passing O +build O build O +is O is O +a O a O +strong O strong O +indicator O indicator O +that O that O +you O you O +can O can O +take O take O +advantage O advantage O +of O of O +these O these O +changes O changes O +by O by O +merging O merging O +the O the O +proposed O proposed O +change O change O +into O into O +your O your O +project O project O +. O . O + +Otherwise O Otherwise O +this O this O +branch O branch O +is O is O +a O a O +great O great O +starting O starting O +point O point O +for O for O +you O you O +to O to O +work O work O +on O on O +the O the O +update O update O +. O . O + +Do O Do O +you O you O +have O have O +any O any O +ideas O ideas O +how O how O +I O I O +could O could O +improve O improve O +these O these O +pull O pull O +requests O requests O +? O ? O + +Did O Did O +I O I O +report O report O +anything O anything O +you O you O +think O think O +is O is O +n't O n't O +right O right O +? O ? O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +while O while O +I O I O +'m O 'm O +just O just O +a O a O +bot O bot O +, O , O +there O there O +is O is O +a O a O +group O group O +of O of O +people O people O +who O who O +are O are O +happy O happy O +to O to O +teach O teach O +me O me O +new O new O +things O things O +. O . O + +Let O Let O +them O them O +know O know O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +:sparkles O :sparkles O +: O : O + +You O You O +rock O rock O +! O ! O + +:palm_tree O :palm_tree O +: O : O + +GitHub O GitHub O +Release O Release O + +Bug O Bug O +Fixes O Fixes O + +deps O deps O +: O : O +depend O depend O +on O on O +fixed O fixed O +version O version O +of O of O +multihashes O multihashes O +( O ( O +c859a5 O c859a5 O +3) O 3) O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +7 O 7 O +commits O commits O +. O . O + +d784617 B-Code_Block d784617 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +release I-Code_Block release I-Code_Block +version I-Code_Block version I-Code_Block +v0.3.1 I-Code_Block v0.3.1 I-Code_Block + +b2dc6fa B-Code_Block b2dc6fa B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +contributors I-Code_Block contributors I-Code_Block + +c859a53 B-Code_Block c859a53 B-Code_Block +fix(deps) I-Code_Block fix(deps) I-Code_Block +: I-Code_Block : I-Code_Block +depend I-Code_Block depend I-Code_Block +on I-Code_Block on I-Code_Block +fixed I-Code_Block fixed I-Code_Block +version I-Code_Block version I-Code_Block +of I-Code_Block of I-Code_Block +multihashes I-Code_Block multihashes I-Code_Block + +2e8d8df B-Code_Block 2e8d8df B-Code_Block +added I-Code_Block added I-Code_Block +blake2b/s I-Code_Block blake2b/s I-Code_Block +support I-Code_Block support I-Code_Block + +14186b2 B-Code_Block 14186b2 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +release I-Code_Block release I-Code_Block +version I-Code_Block version I-Code_Block +v0.2.3 I-Code_Block v0.2.3 I-Code_Block + +0db8379 B-Code_Block 0db8379 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +contributors I-Code_Block contributors I-Code_Block + +4e3cf24 B-Code_Block 4e3cf24 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +new I-Code_Block new I-Code_Block +aegir I-Code_Block aegir I-Code_Block + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +✨ O ✨ O +Try O Try O +the O the O +all O all O +new O new O +Greenkeeper B-Application Greenkeeper O +GitHub B-Website GitHub O +Integration O Integration O +✨ O ✨ O + +With O With O +Integrations O Integrations O +first-class O first-class O +bot O bot O +support O support O +landed O landed O +on O on O +GitHub B-Website GitHub O +and O and O +we O we O +'ve O 've O +rewritten O rewritten O +Greenkeeper B-Application Greenkeeper O +to O to O +take O take O +full O full O +advantage O advantage O +of O of O +it O it O +. O . O + +Simpler O Simpler O +setup O setup O +, O , O +fewer O fewer O +pull-requests O pull-requests O +, O , O +faster O faster O +than O than O +ever O ever O +. O . O + +Screencast O Screencast O +Try O Try O +it O it O +today O today O +. O . O + +Free O Free O +for O for O +private O private O +repositories O repositories O +during O during O +beta O beta O +. O . O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/1 O https://github.com/spacetelescope/specview/issues/1 O + +Generated O Generated O +from O from O +trello B-Application trello O +feature O feature O +. O . O + +I O I O +'m O 'm O +proposing O proposing O +a O a O +simple O simple O +editing O editing O +interface O interface O +to O to O +take O take O +place O place O +on O on O +the O the O +spectral O spectral O +object O object O +pane O pane O +in O in O +the O the O +viewer B-User_Interface_Element viewer O +window I-User_Interface_Element window O +. O . O + +This O This O +presumes O presumes O +that O that O +all O all O +existing O existing O +objects O objects O +have O have O +a O a O +unique O unique O +name O name O +that O that O +can O can O +be O be O +used O used O +in O in O +an O an O +expression O expression O +( O ( O +and O and O +even O even O +if O if O +some O some O +of O of O +these O these O +objects O objects O +are O are O +subsequently O subsequently O +deleted O deleted O +from O from O +the O the O +viewer B-User_Interface_Element viewer O +pane I-User_Interface_Element pane O +, O , O +any O any O +expressions O expressions O +that O that O +use O use O +them O them O +imply O imply O +that O that O +these O these O +objects O objects O +still O still O +are O are O +available O available O +for O for O +reference O reference O +( O ( O +i.e O i.e O +. O . O +, O , O +they O they O +are O are O +n't O n't O +garbage O garbage O +collected O collected O +) O ) O +[ O [ O +that O that O +makes O makes O +me O me O +wonder O wonder O +if O if O +there O there O +should O should O +n't O n't O +be O be O +an O an O +optional O optional O +dialog O dialog O +for O for O +available O available O +objects O objects O +for O for O +selection O selection O +to O to O +put O put O +in O in O +the O the O +viewer B-User_Interface_Element viewer O +] O ] O +. O . O + +So O So O +I O I O +envision O envision O +that O that O +the O the O +viewer B-User_Interface_Element viewer O +pane I-User_Interface_Element pane O +has O has O +a O a O +right O right O +button B-User_Interface_Element button O +drop I-User_Interface_Element drop O +down I-User_Interface_Element down O +that O that O +has O has O +a O a O +" O " O +add O add O +expression O expression O +" O " O +option O option O +. O . O + +Once O Once O +chosen O chosen O +, O , O +an O an O +editing O editing O +mode O mode O +begins O begins O +( O ( O +could O could O +be O be O +a O a O +dialog O dialog O +, O , O +or O or O +just O just O +editing O editing O +a O a O +line O line O +in O in O +the O the O +pane B-User_Interface_Element pane O +it O it O +self--I O self--I O +' O ' O +d O d O +argue O argue O +whatever O whatever O +is O is O +easiest O easiest O +to O to O +implement O implement O +now O now O +) O ) O +. O . O + +Normally O Normally O +I O I O +'d O 'd O +say O say O +we O we O +allow O allow O +a O a O +free O free O +form O form O +editing O editing O +, O , O +and O and O +if O if O +object O object O +are O are O +referred O referred O +to O to O +that O that O +do O do O +n't O n't O +exist O exist O +, O , O +or O or O +the O the O +syntax O syntax O +of O of O +the O the O +expression O expression O +is O is O +invalid O invalid O +, O , O +or O or O +uses O uses O +functional O functional O +forms O forms O +not O not O +available O available O +or O or O +not O not O +found O found O +, O , O +an O an O +error O error O +is O is O +raised O raised O +. O . O + +Preferably O Preferably O +the O the O +expression B-User_Interface_Element expression O +text I-User_Interface_Element text O +is O is O +still O still O +available O available O +for O for O +further O further O +editing O editing O +( O ( O +do O do O +n't O n't O +force O force O +the O the O +user O user O +to O to O +re-enter O re-enter O +it O it O +all O all O +over O over O +again O again O +) O ) O +so O so O +they O they O +can O can O +attempt O attempt O +to O to O +correct O correct O +it O it O +. O . O + +Perhaps O Perhaps O +more O more O +functionality O functionality O +can O can O +be O be O +added O added O +to O to O +allow O allow O +someone O someone O +to O to O +choose O choose O +an O an O +object O object O +from O from O +existing O existing O +objects O objects O +to O to O +include O include O +in O in O +the O the O +expression O expression O +, O , O +but O but O +simplicity O simplicity O +, O , O +I O I O +would O would O +say O say O +just O just O +the O the O +string B-Data_Type string O +name O name O +for O for O +the O the O +object O object O +to O to O +make O make O +it O it O +simpler O simpler O +in O in O +the O the O +initial O initial O +implementation O implementation O +. O . O + +One O One O +question O question O +is O is O +does O does O +the O the O +new O new O +expression O expression O +itself O itself O +get O get O +a O a O +name O name O +that O that O +can O can O +be O be O +referred O referred O +to O to O +. O . O + +It O It O +would O would O +be O be O +nice O nice O +so O so O +it O it O +can O can O +also O also O +be O be O +referred O referred O +to O to O +. O . O + +By O By O +default O default O +perhaps O perhaps O +expr1 B-Variable_Name expr1 O +, O , O +expr2 B-Variable_Name expr2 O +, O , O +etc O etc O +. O . O + +But O But O +if O if O +the O the O +expression O expression O +is O is O +an O an O +assignment O assignment O +, O , O +then O then O +the O the O +identifier O identifier O +on O on O +the O the O +left O left O +becomes O becomes O +the O the O +name O name O +of O of O +the O the O +object O object O +created O created O +, O , O +e.g O e.g O +. O . O +, O , O + +scaled_spectrum B-Variable_Name scaled_spectrum O += O = O +1.34 O 1.34 O +* O * O +myobs B-Variable_Name myobs O + +Permitted O Permitted O +operations O operations O +and O and O +functions O functions O + ++ O + O +, O , O +-,/,* O -,/,* O +( O ( O +** O ** O +only O only O +seems O seems O +to O to O +make O make O +sense O sense O +for O for O +scalars B-Data_Structure scalars O +, O , O +but O but O +maybe O maybe O +there O there O +is O is O +a O a O +use O use O +case O case O +for O for O +that O that O +) O ) O +z(spectrum, B-Function_Name z(spectrum, O +redshift) B-Library_Variable redshift) O + +Implementation O Implementation O +question O question O +. O . O + +Use O Use O +of O of O +eval O eval O +is O is O +the O the O +simplest O simplest O +solution O solution O +( O ( O +perhaps O perhaps O +the O the O +initial O initial O +one O one O +) O ) O +, O , O +but O but O +it O it O +does O does O +n't O n't O +provide O provide O +restricted O restricted O +usage O usage O +features O features O +( O ( O +The O The O +user O user O +can O can O +use O use O +any O any O +function O function O +they O they O +want O want O +; O ; O +maybe O maybe O +that O that O +'s O 's O +good O good O +) O ) O +. O . O + +I O I O +suspect O suspect O +there O there O +'s O 's O +a O a O +tool O tool O +out O out O +there O there O +that O that O +can O can O +do O do O +that O that O +sort O sort O +of O of O +thing O thing O +for O for O +us O us O +, O , O +but O but O +again O again O +, O , O +the O the O +simplest O simplest O +initial O initial O +case O case O +is O is O +eval O eval O +. O . O + +Use O Use O +of O of O +Quantities O Quantities O +. O . O + +I O I O +think O think O +that O that O +is O is O +implicitly O implicitly O +permitted O permitted O +but O but O +may O may O +need O need O +a O a O +little O little O +thought O thought O +. O . O + +Repository_Name O Repository_Name O +: O : O +jdefelice/Elasticquent O jdefelice/Elasticquent O + +Repository_Link O Repository_Link O +: O : O +https://github.com/jdefelice/Elasticquent O https://github.com/jdefelice/Elasticquent O + +Elasticquent B-Application Elasticquent O +Beta B-Version Beta O + +Elasticsearch B-Application Elasticsearch O +for O for O +Eloquent B-Library Eloquent O +Laravel I-Library Laravel O +Models O Models O + +Elasticquent B-Application Elasticquent O +makes O makes O +working O working O +with O with O +Elasticsearch B-Application Elasticsearch O +and O and O +Eloquent B-Library Eloquent O +models O models O +easier O easier O +by O by O +mapping O mapping O +them O them O +to O to O +Elasticsearch B-Application Elasticsearch O +types O types O +. O . O + +You O You O +can O can O +use O use O +the O the O +default O default O +settings O settings O +or O or O +define O define O +how O how O +Elasticsearch B-Application Elasticsearch O +should O should O +index O index O +and O and O +search O search O +your O your O +Eloquent B-Library Eloquent O +models O models O +right O right O +in O in O +the O the O +model O model O +. O . O + +Elasticquent B-Application Elasticquent O +uses O uses O +the O the O +official O official O +Elasticsearch B-Application Elasticsearch O +PHP B-Library PHP O +API I-Library API O +. O . O + +To O To O +get O get O +started O started O +, O , O +you O you O +should O should O +have O have O +a O a O +basic O basic O +knowledge O knowledge O +of O of O +how O how O +Elasticsearch B-Application Elasticsearch O +works O works O +( O ( O +indexes O indexes O +, O , O +types O types O +, O , O +mappings O mappings O +, O , O +etc O etc O +) O ) O +. O . O + +This O This O +is O is O +meant O meant O +for O for O +use O use O +with O with O +Elasticsearch B-Application Elasticsearch O +1.x B-Version 1.x O +. O . O + +Contents O Contents O + +Overview O Overview O + +How O How O +Elasticquent B-Application Elasticquent O +Works O Works O + +Setup O Setup O + +Elasticsearch B-Application Elasticsearch O +Configuration O Configuration O + +Indexes O Indexes O +and O and O +Mapping O Mapping O + +Setting O Setting O +a O a O +Custom O Custom O +Index O Index O +Name O Name O + +Setting O Setting O +a O a O +Custom O Custom O +Type O Type O +Name O Name O + +Indexing O Indexing O +Documents O Documents O + +Searching O Searching O + +Search O Search O +Collections O Collections O + +Search O Search O +Collection O Collection O +Documents O Documents O + +Using O Using O +the O the O +Search O Search O +Collection O Collection O +Outside O Outside O +Elasticquent B-Application Elasticquent O + +More O More O +Options O Options O + +Document O Document O +Ids O Ids O + +Document O Document O +Data O Data O + +Using O Using O +Elasticquent B-Application Elasticquent O +With O With O +Custom O Custom O +Collections O Collections O + +Roadmap O Roadmap O + +Overview O Overview O + +Elasticquent B-Application Elasticquent O +allows O allows O +you O you O +take O take O +an O an O +Eloquent B-Library Eloquent O +model O model O +and O and O +easily O easily O +index O index O +and O and O +search O search O +its O its O +contents O contents O +in O in O +Elasticsearch B-Application Elasticsearch O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7399 I-Code_Block GR_7399 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +When O When O +you O you O +search O search O +, O , O +instead O instead O +of O of O +getting O getting O +a O a O +plain O plain O +array B-Data_Structure array O +of O of O +search O search O +results O results O +, O , O +you O you O +instead O instead O +get O get O +an O an O +Eloquent B-Library Eloquent O +collection O collection O +with O with O +some O some O +special O special O +Elasticsearch B-Application Elasticsearch O +functionality O functionality O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7400 I-Code_Block GR_7400 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Plus O Plus O +, O , O +you O you O +can O can O +still O still O +use O use O +all O all O +the O the O +Eloquent B-Library Eloquent O +collection O collection O +functionality O functionality O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7401 I-Code_Block GR_7401 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Check O Check O +out O out O +the O the O +rest O rest O +of O of O +the O the O +documentation O documentation O +for O for O +how O how O +to O to O +get O get O +started O started O +using O using O +Elasticsearch B-Application Elasticsearch O +and O and O +Elasticquent B-Application Elasticquent O +! O ! O + +How O How O +Elasticquent B-Application Elasticquent O +Works O Works O + +When O When O +using O using O +a O a O +database O database O +, O , O +Eloquent B-Library Eloquent O +models O models O +are O are O +populated O populated O +from O from O +data O data O +read O read O +from O from O +a O a O +database O database O +table B-Data_Structure table O +. O . O + +With O With O +Elasticquent B-Application Elasticquent O +, O , O +models O models O +are O are O +populated O populated O +by O by O +data O data O +indexed O indexed O +in O in O +Elasticsearch B-Application Elasticsearch O +. O . O + +The O The O +whole O whole O +idea O idea O +behind O behind O +using O using O +Elasticsearch B-Application Elasticsearch O +for O for O +search O search O +is O is O +that O that O +its O its O +fast O fast O +and O and O +light O light O +, O , O +so O so O +you O you O +model O model O +functionality O functionality O +will O will O +be O be O +dictated O dictated O +by O by O +what O what O +data O data O +has O has O +been O been O +indexed O indexed O +for O for O +your O your O +document O document O +. O . O + +Setup O Setup O + +Before O Before O +you O you O +start O start O +using O using O +Elasticquent B-Application Elasticquent O +, O , O +make O make O +sure O sure O +you O you O +'ve O 've O +installed O installed O +Elasticsearch B-Application Elasticsearch O +. O . O + +To O To O +get O get O +started O started O +, O , O +add O add O +Elasticquent B-Application Elasticquent O +to O to O +you O you O +composer.json B-File_Type composer.json O +file O file O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7402 I-Code_Block GR_7402 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Once O Once O +you O you O +'ve O 've O +run O run O +a O a O +composer B-Code_Block composer B-Code_Block +update I-Code_Block update I-Code_Block +, O , O +add O add O +the O the O +Elasticquent B-Application Elasticquent O +trait O trait O +to O to O +any O any O +Eloquent B-Library Eloquent O +model O model O +that O that O +you O you O +want O want O +to O to O +be O be O +able O able O +to O to O +index O index O +in O in O +Elasticsearch B-Application Elasticsearch O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7403 I-Code_Block GR_7403 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +your O your O +Eloquent B-Library Eloquent O +model O model O +has O has O +some O some O +extra O extra O +methods O methods O +that O that O +make O make O +it O it O +easier O easier O +to O to O +index O index O +your O your O +model O model O +'s O 's O +data O data O +using O using O +Elasticsearch B-Application Elasticsearch O +. O . O + +Elasticsearch B-Application Elasticsearch O +Configuration O Configuration O + +If O If O +you O you O +need O need O +to O to O +pass O pass O +a O a O +special O special O +configuration O configuration O +array B-Data_Structure array O +Elasticsearch B-Application Elasticsearch O +, O , O +you O you O +can O can O +add O add O +that O that O +in O in O +an O an O +elasticquent.php B-File_Name elasticquent.php B-Code_Block +config O config O +file O file O +at O at O +/app/config/elasticquent.php B-File_Name /app/config/elasticquent.php B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7404 I-Code_Block GR_7404 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Indexes O Indexes O +and O and O +Mapping O Mapping O + +While O While O +you O you O +can O can O +definitely O definitely O +build O build O +your O your O +indexes O indexes O +and O and O +mapping O mapping O +through O through O +the O the O +Elasticsearch B-Library Elasticsearch O +API I-Library API O +, O , O +you O you O +can O can O +also O also O +use O use O +some O some O +helper O helper O +methods O methods O +to O to O +build O build O +indexes O indexes O +and O and O +types O types O +right O right O +from O from O +your O your O +models O models O +. O . O + +If O If O +you O you O +want O want O +a O a O +simple O simple O +way O way O +to O to O +create O create O +indexes O indexes O +, O , O +Elasticquent B-Application Elasticquent O +models O models O +have O have O +a O a O +function O function O +for O for O +that O that O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7405 I-Code_Block GR_7405 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +For O For O +mapping O mapping O +, O , O +you O you O +can O can O +set O set O +a O a O +mappingProperties B-Library_Variable mappingProperties B-Code_Block +property O property O +in O in O +your O your O +model O model O +and O and O +use O use O +some O some O +mapping O mapping O +functions O functions O +from O from O +there O there O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7406 I-Code_Block GR_7406 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +'d O 'd O +like O like O +to O to O +setup O setup O +a O a O +model O model O +'s O 's O +type O type O +mapping O mapping O +based O based O +on O on O +your O your O +mapping O mapping O +properties O properties O +, O , O +you O you O +can O can O +use O use O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7407 I-Code_Block GR_7407 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +delete O delete O +a O a O +mapping O mapping O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7408 I-Code_Block GR_7408 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +rebuild O rebuild O +( O ( O +delete O delete O +and O and O +re-add O re-add O +, O , O +useful O useful O +when O when O +you O you O +make O make O +important O important O +changes O changes O +to O to O +your O your O +mapping O mapping O +) O ) O +a O a O +mapping O mapping O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7409 I-Code_Block GR_7409 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +also O also O +get O get O +the O the O +type O type O +mapping O mapping O +and O and O +check O check O +if O if O +it O it O +exists O exists O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7410 I-Code_Block GR_7410 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Setting O Setting O +a O a O +Custom O Custom O +Index O Index O +Name O Name O + +Elastiquent B-Application Elastiquent O +will O will O +use O use O +default B-Library_Variable default B-Code_Block +as O as O +your O your O +index O index O +name O name O +, O , O +but O but O +you O you O +can O can O +set O set O +a O a O +custom O custom O +index O index O +name O name O +by O by O +creating O creating O +an O an O +elasticquent.php B-File_Name elasticquent.php B-Code_Block +config O config O +file O file O +in O in O +/app/config/ B-Code_Block /app/config/ B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7411 I-Code_Block GR_7411 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Setting O Setting O +a O a O +Custom O Custom O +Type O Type O +Name O Name O + +By O By O +default O default O +, O , O +Elasticquent B-Application Elasticquent O +will O will O +use O use O +the O the O +table O table O +name O name O +of O of O +your O your O +models O models O +as O as O +the O the O +type O type O +name O name O +for O for O +indexing O indexing O +. O . O + +If O If O +you O you O +'d O 'd O +like O like O +to O to O +override O override O +it O it O +, O , O +you O you O +can O can O +with O with O +the O the O +getTypeName B-Library_Function getTypeName B-Code_Block +function O function O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7412 I-Code_Block GR_7412 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +check O check O +if O if O +the O the O +type O type O +for O for O +the O the O +Elasticquent O Elasticquent O +model O model O +exists O exists O +yet O yet O +, O , O +use O use O +typeExists B-Library_Function typeExists B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7413 I-Code_Block GR_7413 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Indexing O Indexing O +Documents O Documents O + +To O To O +index O index O +all O all O +the O the O +entries O entries O +in O in O +an O an O +Eloquent B-Library Eloquent O +model O model O +, O , O +use O use O +addAllToIndex B-Library_Function addAllToIndex B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7414 I-Code_Block GR_7414 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +also O also O +index O index O +a O a O +collection O collection O +of O of O +models O models O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7415 I-Code_Block GR_7415 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +index O index O +individual O individual O +entries O entries O +as O as O +well O well O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7416 I-Code_Block GR_7416 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +also O also O +reindex O reindex O +an O an O +entire O entire O +model O model O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7417 I-Code_Block GR_7417 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Searching O Searching O + +There O There O +are O are O +two O two O +ways O ways O +to O to O +search O search O +in O in O +Elasticquent B-Application Elasticquent O +. O . O + +The O The O +first O first O +is O is O +a O a O +simple O simple O +term O term O +search O search O +that O that O +searches O searches O +all O all O +fields O fields O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7418 I-Code_Block GR_7418 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +second O second O +is O is O +a O a O +query O query O +based O based O +search O search O +for O for O +more O more O +complex O complex O +searching O searching O +needs O needs O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7419 I-Code_Block GR_7419 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Both O Both O +methods O methods O +will O will O +return O return O +a O a O +search O search O +collection O collection O +. O . O + +Here O Here O +'s O 's O +the O the O +list O list O +of O of O +available O available O +paramers O paramers O +: O : O + +query B-Library_Variable query B-Code_Block +- O - O +Your O Your O +ElasticSearch B-Application ElasticSearch O +Query O Query O + +aggregations B-Library_Variable aggregations B-Code_Block +- O - O +The O The O +Aggregations O Aggregations O +you O you O +wish O wish O +to O to O +return O return O +. O . O + +See O See O +Aggregations O Aggregations O +for O for O +details O details O +. O . O + +sourceFields B-Library_Variable sourceFields B-Code_Block +- O - O +Limits O Limits O +returned O returned O +set O set O +to O to O +the O the O +selected O selected O +fields O fields O +only O only O + +limit B-Library_Variable limit B-Code_Block +- O - O +Number O Number O +of O of O +records O records O +to O to O +return O return O + +offset B-Library_Variable offset B-Code_Block +- O - O +Sets O Sets O +the O the O +record O record O +offset O offset O +( O ( O +use O use O +for O for O +paging O paging O +results O results O +) O ) O + +sort B-Library_Variable sort B-Code_Block +- O - O +Your O Your O +sort O sort O +query O query O + +Search O Search O +Collections O Collections O + +When O When O +you O you O +search O search O +on O on O +an O an O +Elasticquent B-Application Elasticquent O +model O model O +, O , O +you O you O +get O get O +a O a O +search O search O +collection O collection O +with O with O +some O some O +special O special O +functions O functions O +. O . O + +You O You O +can O can O +get O get O +total O total O +hits O hits O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7420 I-Code_Block GR_7420 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Access O Access O +the O the O +shards O shards O +array B-Data_Structure array O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7421 I-Code_Block GR_7421 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Access O Access O +the O the O +max O max O +score O score O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7422 I-Code_Block GR_7422 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Access O Access O +the O the O +timed O timed O +out O out O +boolean B-Data_Type boolean O +property O property O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7423 I-Code_Block GR_7423 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +access O access O +the O the O +took O took O +property O property O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7424 I-Code_Block GR_7424 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +access O access O +search O search O +aggregations O aggregations O +- O - O +See O See O +Aggregations O Aggregations O +for O for O +details O details O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7425 I-Code_Block GR_7425 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Search O Search O +Collection O Collection O +Documents O Documents O + +Items O Items O +in O in O +a O a O +search O search O +result O result O +collection O collection O +will O will O +have O have O +some O some O +extra O extra O +data O data O +that O that O +comes O comes O +from O from O +Elasticsearch B-Application Elasticsearch O +. O . O + +You O You O +can O can O +always O always O +check O check O +and O and O +see O see O +if O if O +a O a O +model O model O +is O is O +a O a O +document O document O +or O or O +not O not O +by O by O +using O using O +the O the O +isDocument B-Library_Function isDocument B-Code_Block +function O function O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7426 I-Code_Block GR_7426 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +check O check O +the O the O +document O document O +score O score O +that O that O +Elasticsearch B-Application Elasticsearch O +assigned O assigned O +to O to O +this O this O +document O document O +with O with O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7427 I-Code_Block GR_7427 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Using O Using O +the O the O +Search O Search O +Collection O Collection O +Outside O Outside O +of O of O +Elasticquent O Elasticquent O + +If O If O +you O you O +'re O 're O +dealing O dealing O +with O with O +raw O raw O +search O search O +data O data O +from O from O +outside O outside O +of O of O +Elasticquent B-Application Elasticquent O +, O , O +you O you O +can O can O +use O use O +the O the O +Elasticquent B-Application Elasticquent O +search O search O +results O results O +collection O collection O +to O to O +turn O turn O +that O that O +data O data O +into O into O +a O a O +collection O collection O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7428 I-Code_Block GR_7428 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +More O More O +Options O Options O + +Document O Document O +IDs O IDs O + +Elasticquent B-Application Elasticquent O +will O will O +use O use O +whatever O whatever O +is O is O +set O set O +as O as O +the O the O +primaryKey B-Library_Variable primaryKey B-Code_Block +for O for O +your O your O +Eloquent B-Library Eloquent O +models O models O +as O as O +the O the O +id O id O +for O for O +your O your O +Elasticsearch B-Application Elasticsearch O +documents O documents O +. O . O + +Document O Document O +Data O Data O + +By O By O +default O default O +, O , O +Elasticquent B-Application Elasticquent O +will O will O +use O use O +the O the O +entire O entire O +attribute O attribute O +array B-Data_Structure array O +for O for O +your O your O +Elasticsearch B-Application Elasticsearch O +documents O documents O +. O . O + +However O However O +, O , O +if O if O +you O you O +want O want O +to O to O +customize O customize O +how O how O +your O your O +search O search O +documents O documents O +are O are O +structured O structured O +, O , O +you O you O +can O can O +set O set O +a O a O +getIndexDocumentData B-Library_Function getIndexDocumentData B-Code_Block +function O function O +that O that O +returns O returns O +you O you O +own O own O +custom O custom O +document O document O +array B-Data_Structure array O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7429 I-Code_Block GR_7429 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Be O Be O +careful O careful O +with O with O +this O this O +, O , O +as O as O +Elasticquent B-Application Elasticquent O +reads O reads O +the O the O +document O document O +source O source O +into O into O +the O the O +Eloquent B-Library Eloquent O +model O model O +attributes O attributes O +when O when O +creating O creating O +a O a O +search O search O +result O result O +collection O collection O +, O , O +so O so O +make O make O +sure O sure O +you O you O +are O are O +indexing O indexing O +enough O enough O +data O data O +for O for O +your O your O +the O the O +model O model O +functionality O functionality O +you O you O +want O want O +to O to O +use O use O +. O . O + +Using O Using O +Elasticquent B-Application Elasticquent O +With O With O +Custom O Custom O +Collections O Collections O + +If O If O +you O you O +are O are O +using O using O +a O a O +custom O custom O +collection O collection O +with O with O +your O your O +Eloquent B-Library Eloquent O +models O models O +, O , O +you O you O +just O just O +need O need O +to O to O +add O add O +the O the O +ElasticquentCollectionTrait B-Library_Variable ElasticquentCollectionTrait B-Code_Block +to O to O +your O your O +collection O collection O +so O so O +you O you O +can O can O +use O use O +addToIndex B-Library_Function addToIndex B-Code_Block +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7430 I-Code_Block GR_7430 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Roadmap O Roadmap O + +Elasticquent B-Application Elasticquent O +currently O currently O +needs O needs O +: O : O + +Tests O Tests O +that O that O +mock O mock O +ES B-Library ES O +API I-Library API O +calls O calls O +. O . O + +Support O Support O +for O for O +routes B-Library_Class routes O + +Repository_Name O Repository_Name O +: O : O +kristinlin/turbo O kristinlin/turbo O +-system O -system O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/kristinlin/turbo-system/issues/1 O https://github.com/kristinlin/turbo-system/issues/1 O + +This O This O +project O project O +is O is O +approved O approved O +. O . O + +Make O Make O +sure O sure O +you O you O +familiarize O familiarize O +yourselves O yourselves O +with O with O +SDL B-Library SDL O +early O early O +. O . O + +That O That O +will O will O +be O be O +key O key O +to O to O +getting O getting O +your O your O +project O project O +done O done O +in O in O +time O time O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/5 O https://github.com/wsdookadr/fieldtop/issues/5 O + +@marcj B-User_Name @marcj O +Hi O Hi O +Marc B-User_Name Marc O +, O , O +Thank O Thank O +you O you O +for O for O +your O your O +pull O pull O +request O request O +. O . O + +I O I O +see O see O +the O the O +Composer B-Application Composer O +packaging O packaging O +as O as O +being O being O +very O very O +valuable O valuable O +to O to O +increase O increase O +exposure O exposure O +and O and O +accesibility O accesibility O +and O and O +ultimately O ultimately O +, O , O +increase O increase O +user-base O user-base O + +The O The O +CLI B-Application CLI O +argument O argument O +handling O handling O +you O you O +wrote O wrote O +is O is O +great O great O +. O . O + +I O I O +would O would O +opt O opt O +for O for O +a O a O +more O more O +lightweight O lightweight O +approach O approach O +here O here O +that O that O +would O would O +minimize O minimize O +dependencies O dependencies O +. O . O + +PHP B-Language PHP O +ships O ships O +with O with O +the O the O +getopt B-Library_Function getopt O +function O function O +( O ( O +that O that O +has O has O +equivalents O equivalents O +in O in O +other O other O +languages O languages O +as O as O +well O well O +) O ) O +. O . O + +Could O Could O +we O we O +please O please O +use O use O +that O that O +function O function O +inside O inside O +CheckCommand.php B-File_Name CheckCommand.php O +? O ? O + +This O This O +would O would O +allow O allow O +us O us O +to O to O +not O not O +depend O depend O +on O on O +Symfony B-Library Symfony O +in O in O +particular O particular O + +Currently O Currently O +, O , O +Application.php B-File_Name Application.php O +only O only O +draws O draws O +functionality O functionality O +from O from O +CheckCommand.php B-File_Name CheckCommand.php O +. O . O + +In O In O +a O a O +Symfony-centric B-Library Symfony-centric O +context O context O +, O , O +Application.php B-File_Name Application.php O +would O would O +definitely O definitely O +align O align O +with O with O +the O the O +best O best O +practices O practices O +and O and O +design O design O +patterns O patterns O +that O that O +Symfony B-Library Symfony O +provides O provides O +. O . O + +While O While O +Symfony B-Library Symfony O +users O users O +may O may O +find O find O +this O this O +tool O tool O +useful O useful O +and O and O +we O we O +would O would O +welcome O welcome O +them O them O +all O all O +to O to O +use O use O +this O this O +tool O tool O +, O , O +our O our O +common O common O +goal O goal O +is O is O +to O to O +maximize O maximize O +the O the O +user-base O user-base O +, O , O +and O and O +in O in O +order O order O +to O to O +reach O reach O +that O that O +goal O goal O +we O we O +would O would O +need O need O +to O to O +keep O keep O +close O close O +to O to O +what O what O +PHP B-Language PHP O +ships O ships O +with O with O + +I O I O +feel O feel O +that O that O +the O the O +files O files O +fieldtop B-File_Name fieldtop O +, O , O +fieldtop.bat B-File_Name fieldtop.bat O +, O , O +fieldtop.php B-File_Name fieldtop.php O +are O are O +a O a O +great O great O +addition O addition O +since O since O +they O they O +make O make O +the O the O +tool O tool O +portable O portable O +and O and O +usable O usable O +on O on O +other O other O +platforms O platforms O + +Since O Since O +Symfony B-Library Symfony O +was O was O +mentioned O mentioned O +, O , O +I O I O +'d O 'd O +like O like O +to O to O +expand O expand O +on O on O +that O that O +. O . O + +While O While O +Composer B-Application Composer O +induces O induces O +a O a O +constraint O constraint O +PHP B-Language PHP O +>= O >= O +5.3.2 B-Version 5.3.2 O +constraint O constraint O +, O , O +Symfony B-Library Symfony O +takes O takes O +that O that O +further O further O +to O to O +PHP B-Language PHP O +>= O >= O +5.5.9 B-Version 5.5.9 O + +I O I O +think O think O +, O , O +it O it O +'s O 's O +important O important O +that O that O +the O the O +class O class O +be O be O +separated O separated O +from O from O +the O the O +CLI B-Application CLI O +application O application O +( O ( O +in O in O +a O a O +similar O similar O +way O way O +as O as O +you O you O +did O did O +) O ) O +, O , O +such O such O +that O that O +any O any O +user O user O +can O can O +use O use O +the O the O +CLI B-Application CLI O +application O application O +, O , O +and O and O +the O the O +users O users O +who O who O +want O want O +to O to O +integrate O integrate O +it O it O +in O in O +their O their O +their O their O +CakePHP/Laravel/Zend/Symfony B-Library CakePHP/Laravel/Zend/Symfony O +applications O applications O +, O , O +can O can O +also O also O +achieve O achieve O +that O that O +by O by O +using O using O +the O the O +class O class O +. O . O + +Repository_Name O Repository_Name O +: O : O +PayamEmami/percolator O PayamEmami/percolator O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/PayamEmami/percolator/issues/1 O https://github.com/PayamEmami/percolator/issues/1 O + +Adding O Adding O +check O check O +if O if O +the O the O +location O location O +of O of O +PTM O PTM O +is O is O +beyond O beyond O +the O the O +length O length O +of O of O +the O the O +peptide O peptide O +, O , O +we O we O +set O set O +the O the O +the O the O +insert O insert O +position O position O +to O to O +length O length O +of O of O +the O the O +peptide O peptide O +. O . O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/105 O https://github.com/moxie-lean/ng-patternlab/issues/105 O + +This O This O +makes O makes O +useful O useful O +to O to O +listen O listen O +for O for O +this O this O +events O events O +emited O emited O +in O in O +order O order O +to O to O +avoid O avoid O +make O make O +components O components O +dependen O dependen O +of O of O +the O the O +behavior O behavior O +of O of O +the O the O +admin O admin O +bar B-User_Interface_Element bar O +and O and O +we O we O +can O can O +creatre O creatre O +isolated O isolated O +services O services O +with O with O +the O the O +data O data O +that O that O +relies O relies O +on O on O +the O the O +admin O admin O +bar B-User_Interface_Element bar O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/3 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/3 O + +Hi O Hi O +! O ! O + +The O The O +equal B-Library_Function equal B-Code_Block +validation O validation O +segment O segment O +of O of O +an O an O +integer B-Data_Type integer O +property O property O +does O does O +n't O n't O +seem O seem O +to O to O +be O be O +working O working O +. O . O + +If O If O +I O I O +copy O copy O +a O a O +part O part O +of O of O +the O the O +validation O validation O +section O section O +example O example O +from O from O +the O the O +documentation O documentation O +and O and O +modify O modify O +min(18) B-Library_Function min(18) B-Code_Block +for O for O +equal(18) B-Library_Function equal(18) B-Code_Block +, O , O +the O the O +field O field O +is O is O +always O always O +displayed O displayed O +as O as O +an O an O +error O error O +even O even O +if O if O +I O I O +write O write O +18 O 18 O +. O . O + +Of O Of O +course O course O +, O , O +same O same O +thing O thing O +with O with O +notEqual B-Library_Function notEqual B-Code_Block +. O . O + +It O It O +does O does O +work O work O +if O if O +I O I O +use O use O +equal('18') B-Library_Function equal('18') B-Code_Block +( O ( O +with O with O +quotes O quotes O +) O ) O +, O , O +but O but O +it O it O +'s O 's O +counterintuitive O counterintuitive O +since O since O +I O I O +'m O 'm O +expecting O expecting O +a O a O +number O number O +. O . O + +Here O Here O +'s O 's O +the O the O +simplified O simplified O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_63871 I-Code_Block GR_63871 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Thanks O Thanks O +! O ! O + +Repository_Name O Repository_Name O +: O : O +Shubham4422/recipes O Shubham4422/recipes O + +Repository_Link O Repository_Link O +: O : O +https://github.com/Shubham4422/recipes O https://github.com/Shubham4422/recipes O + +Recipes O Recipes O + +This O This O +repository O repository O +contains O contains O +recipes O recipes O +for O for O +some O some O +foods O foods O +I O I O +like O like O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/7 O https://github.com/zeroepoch/plotbitrate/issues/7 O + +Yes O Yes O +, O , O +I O I O +wanted O wanted O +to O to O +leave O leave O +it O it O +up O up O +to O to O +you O you O +if O if O +you O you O +want O want O +to O to O +do O do O +" O " O +audio O audio O +" O " O +" O " O +Video O Video O +" O " O +or O or O +something O something O +that O that O +checks O checks O +for O for O +" O " O +v O v O +" O " O +and O and O +makes O makes O +it O it O +caps O caps O + +Repository_Name O Repository_Name O +: O : O +worawin/git10111 O worawin/git10111 O + +Repository_Link O Repository_Link O +: O : O +https://github.com/worawin/git10111 O https://github.com/worawin/git10111 O + +git10111 O git10111 O + +eiei O eiei O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/75 O https://github.com/spacetelescope/specview/issues/75 O + +Implemented O Implemented O +. O . O + +The O The O +drawback O drawback O +is O is O +that O that O +the O the O +infrastructure O infrastructure O +does O does O +not O not O +seem O seem O +to O to O +support O support O +model B-Library model O +updates O updates O +without O without O +associated O associated O +spectrum B-Library spectrum O +tree I-Library tree O +updates O updates O +, O , O +complete O complete O +with O with O +new O new O +model B-Library model O +and O and O +new O new O +layer O layer O +. O . O + +This O This O +is O is O +annoying O annoying O +, O , O +but O but O +should O should O +be O be O +the O the O +subject O subject O +of O of O +a O a O +separate O separate O +ticket O ticket O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/16 O https://github.com/google-ar/arcore-unreal-sdk/issues/16 O + +Never O Never O +mind O mind O +, O , O +I O I O +made O made O +it O it O +work O work O +, O , O +I O I O +forgot O forgot O +to O to O +place O place O +the O the O +actual O actual O +file O file O +to O to O +the O the O +Content/Movies B-File_Name Content/Movies O +, O , O +I O I O +was O was O +just O just O +linked O linked O +inside O inside O +Movies B-File_Name Movies O +folder O folder O +, O , O +but O but O +the O the O +file O file O +was O was O +outside O outside O +, O , O +right O right O +now O now O +it O it O +works O works O +fine O fine O +👍 O 👍 O + +Repository_Name O Repository_Name O +: O : O +luxflux/dotfiles O luxflux/dotfiles O + +Repository_Link O Repository_Link O +: O : O +https://github.com/luxflux/dotfiles O https://github.com/luxflux/dotfiles O + +Dotfilez O Dotfilez O + +Setup O Setup O + +Clone O Clone O +the O the O +repo O repo O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_94702 I-Code_Block GR_94702 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Link O Link O +the O the O +dotfiles B-File_Type dotfiles O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_94703 I-Code_Block GR_94703 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Install O Install O +the O the O +dependencies O dependencies O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_94704 I-Code_Block GR_94704 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Bootstrap B-Library Bootstrap O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_94705 I-Code_Block GR_94705 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/97 O https://github.com/moxie-lean/ng-patternlab/issues/97 O + +I O I O +'ve O 've O +updated O updated O +the O the O +module O module O +and O and O +variable O variable O +names O names O +. O . O + +However O However O +, O , O +I O I O +do O do O +n't O n't O +think O think O +it O it O +'s O 's O +right O right O +to O to O +make O make O +ui-router B-Library ui-router O +and O and O +disqus B-Application disqus O +dependencies O dependencies O +on O on O +patternlab B-Application patternlab O +. O . O + +If O If O +we O we O +do O do O +that O that O +, O , O +we O we O +'ll O 'll O +end O end O +up O up O +with O with O +100 O 100 O +'s O 's O +of O of O +dependencies O dependencies O +, O , O +many O many O +of O of O +which O which O +wo O wo O +n't O n't O +be O be O +used O used O +on O on O +a O a O +given O given O +project O project O +. O . O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/40 O https://github.com/rpcope1/Hantek6022API/issues/40 O + +If O If O +you O you O +'re O 're O +in O in O +control O control O +in O in O +the O the O +8051 O 8051 O +code O code O +it O it O +should O should O +n't O n't O +be O be O +that O that O +difficult O difficult O +( O ( O +I O I O +think O think O +) O ) O +- O - O +pseudo O pseudo O +: O : O +trigval O trigval O += O = O +x O x O +; O ; O +trig_dir O trig_dir O += O = O +rising O rising O +; O ; O +start O start O +sampling O sampling O +into O into O +circular O circular O +buffer O buffer O +if O if O +( O ( O +sample O sample O +count O count O +> O > O +prebuffer O prebuffer O +) O ) O +{ O { O +if O if O +( O ( O +sample_prev O sample_prev O +< O < O +x O x O +&& O && O +sample_new O sample_new O +> O > O += O = O +x O x O +) O ) O +trigged O trigged O +reached O reached O +- O - O +wait O wait O +for O for O +( O ( O +circular O circular O +buffer O buffer O +size O size O +- O - O +prebuffer O prebuffer O +) O ) O +samples O samples O + +Upload O Upload O +samples O samples O +starting O starting O +with O with O +( O ( O +trig O trig O +point O point O +- O - O +prebuffer O prebuffer O +) O ) O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/203 O https://github.com/katzer/cordova-plugin-background-mode/issues/203 O + +i O i O +have O have O +installed O installed O +plugin O plugin O +and O and O +try O try O +the O the O +code O code O +in O in O +example O example O +put O put O +it O it O +inside O inside O +try O try O +and O and O +catch O catch O +this O this O +is O is O +error O error O +appear O appear O +cannot O cannot O +read O read O +property O property O +' O ' O +backgroundMode B-Library_Variable backgroundMode O +' O ' O +of O of O +undefined O undefined O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/12 O https://github.com/lbarasti/gps_app/issues/12 O + +Icons B-User_Interface_Element Icons O +could O could O +change O change O +depending O depending O +on O on O +some O some O +" O " O +state B-Variable_Name state O +" O " O +variable O variable O +that O that O +could O could O +also O also O +be O be O +sent O sent O +with O with O +the O the O +POST O POST O + +Repository_Name O Repository_Name O +: O : O +nerab/TaskWarriorMail O nerab/TaskWarriorMail O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/nerab/TaskWarriorMail/issues/3 O https://github.com/nerab/TaskWarriorMail/issues/3 O + +Now O Now O +it O it O +installed O installed O +, O , O +thanks O thanks O +for O for O +your O your O +reply O reply O +! O ! O + +Much O Much O +appreciated O appreciated O +. O . O + +Now O Now O +figuring O figuring O +it O it O +out O out O +how O how O +I O I O +could O could O +get O get O +this O this O +working O working O +. O . O + +Repository_Name O Repository_Name O +: O : O +Zorros/copycat O Zorros/copycat O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Zorros/copycat/issues/1 O https://github.com/Zorros/copycat/issues/1 O + +just O just O +a O a O +minor O minor O +change O change O +that O that O +was O was O +bugging O bugging O +me O me O +:) O :) O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/6 O https://github.com/LucieSteiner/AMT_feature1/issues/6 O + +I O I O +created O created O +a O a O +new O new O +account O account O +and O and O +was O was O +able O able O +to O to O +see O see O +the O the O +protected O protected O +page B-User_Interface_Element page O +. O . O + +However O However O +, O , O +when O when O +going O going O +back O back O +to O to O +the O the O +login O login O +page B-User_Interface_Element page O +and O and O +trying O trying O +to O to O +login O login O +, O , O +nothing O nothing O +happened O happened O +.. O .. O +. O . O +do O do O +n't O n't O +know O know O +what O what O +is O is O +going O going O +on O on O +. O . O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Repository_Link O Repository_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper O https://github.com/rcfbanalysis/rcfbscraper O + +R B-Language R O +CFB O CFB O +data O data O +scraper O scraper O + +The O The O +contents O contents O +of O of O +this O this O +repository O repository O +are O are O +from O from O +the O the O +initial O initial O +efforts O efforts O +by O by O + +/u/millsGT49 B-User_Name /u/millsGT49 O +in O in O +/r/CFBAnalysis B-Website /r/CFBAnalysis O +. O . O + +Documentation O Documentation O + +Part O Part O +1 O 1 O + +Part O Part O +2 O 2 O + +Part O Part O +3 O 3 O + +Part O Part O +4 O 4 O + +Part O Part O +5 O 5 O + +Repository_Name O Repository_Name O +: O : O +polats/unity3d O polats/unity3d O +-blockchain-wallet O -blockchain-wallet O + +Repository_Link O Repository_Link O +: O : O +https://github.com/polats/unity3d-blockchain-wallet O https://github.com/polats/unity3d-blockchain-wallet O + +unity3d-blockchain-wallet B-Application unity3d-blockchain-wallet O + +Create O Create O +wallets O wallets O +and O and O +perform O perform O +transactions O transactions O +on O on O +custom O custom O +ERC20 O ERC20 O +tokens O tokens O +via O via O +Unity3D B-Application Unity3D O + +Getting O Getting O +Started O Started O + +https://medium.com/@polats/lets-build-a-decentralized-game-economy-using-blockchains-cf0a80e43da1 O https://medium.com/@polats/lets-build-a-decentralized-game-economy-using-blockchains-cf0a80e43da1 O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/10 O https://github.com/mfellner/webpack-sandboxed/issues/10 O + + +Coverage O Coverage O +decreased O decreased O +( O ( O +-0.3 O -0.3 O +% O % O +) O ) O +to O to O +87.081 O 87.081 O +% O % O +when O when O +pulling O pulling O +4c22c5d1b286e0dfbde81ac2039399e7632189b5 O 4c22c5d1b286e0dfbde81ac2039399e7632189b5 O +on O on O +upgrade-deps-7-7-17 O upgrade-deps-7-7-17 O +into O into O +6e613dbca9d5e2731097ffc1e0d277df94129bf1 O 6e613dbca9d5e2731097ffc1e0d277df94129bf1 O +on O on O +master O master O +. O . O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/13 O https://github.com/smirarab/pasta/issues/13 O + +First O First O +of O of O +all O all O +, O , O +my O my O +apologies O apologies O +for O for O +posting O posting O +this O this O +as O as O +an O an O +issue O issue O +, O , O +but O but O +I O I O +could O could O +not O not O +find O find O +a O a O +way O way O +to O to O +post O post O +it O it O +as O as O +a O a O +question O question O +. O . O + +I O I O +was O was O +wondering O wondering O +if O if O +I O I O +could O could O +parallelise O parallelise O +the O the O +ML O ML O +caculations O caculations O +in O in O +PASTA B-Application PASTA O +using O using O +CUDA B-Application CUDA O +, O , O +given O given O +that O that O +I O I O +obtain O obtain O +the O the O +Anaconda B-Application Anaconda O +Accelerate I-Application Accelerate O +module O module O +. O . O + +Or O Or O +if O if O +PASTA B-Application PASTA O +is O is O +already O already O +CUDA-enabled B-Application CUDA-enabled O +. O . O + +If O If O +the O the O +former O former O +is O is O +the O the O +case O case O +; O ; O +how O how O +would O would O +I O I O +go O go O +about O about O +doing O doing O +this O this O +? O ? O + +Would O Would O +calculations O calculations O +become O become O +parallelised O parallelised O +by O by O +just O just O +having O having O +the O the O +Anaconda B-Application Anaconda O +Accelerate I-Application Accelerate O +and O and O +CUDA B-Application CUDA O +? O ? O + +Or O Or O +would O would O +I O I O +need O need O +to O to O +import O import O +the O the O +Anaconda B-Application Anaconda O +Accelerate I-Application Accelerate O +module O module O +into O into O +the O the O +source O source O +code O code O +of O of O +PASTA B-Application PASTA O +? O ? O + +Or O Or O +is O is O +it O it O +just O just O +a O a O +lot O lot O +more O more O +complicated O complicated O +than O than O +that O that O +? O ? O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/6 O https://github.com/wsdookadr/fieldtop/issues/6 O + +Hi O Hi O +Julien B-User_Name Julien O +, O , O + +The O The O +output O output O +you O you O +provided O provided O +is O is O +surprising O surprising O +. O . O + +The O The O +table B-Data_Structure table O +header O header O +is O is O +not O not O +present O present O +. O . O + +Moreover O Moreover O +, O , O +since O since O +you O you O +'re O 're O +calling O calling O +it O it O +from O from O +a O a O +web O web O +server B-Application server O +( O ( O +and O and O +not O not O +from O from O +CLI B-Application CLI O +) O ) O +, O , O +one O one O +would O would O +expect O expect O +HTML B-Language HTML O +markup O markup O +to O to O +be O be O +present O present O +in O in O +the O the O +output O output O +( O ( O +if O if O +I O I O +'m O 'm O +not O not O +mistaken O mistaken O +, O , O +this O this O +is O is O +how O how O +the O the O +code O code O +currently O currently O +works O works O +) O ) O +. O . O + +About O About O +certain O certain O +columns O columns O +not O not O +being O being O +matched O matched O +, O , O + +there O there O +'s O 's O +a O a O +filter O filter O +for O for O +table/column B-Data_Structure table/column O +names O names O +. O . O + +The O The O +filter O filter O +can O can O +be O be O +modified O modified O +to O to O +accept O accept O +non-ASCII B-Algorithm non-ASCII O +column B-Data_Structure column O +names O names O +( O ( O +you O you O +may O may O +send O send O +a O a O +pull-request O pull-request O +for O for O +this O this O +) O ) O +. O . O + +About O About O +your O your O +use-case O use-case O +with O with O +4001 O 4001 O +columns B-Data_Structure columns O +, O , O +it O it O +may O may O +certainly O certainly O +be O be O +the O the O +case O case O +that O that O +some O some O +situations O situations O +require O require O +such O such O +a O a O +large O large O +number O number O +of O of O +columns B-Data_Structure columns O +. O . O + +I O I O +'ve O 've O +done O done O +some O some O +reading O reading O +and O and O +discussed O discussed O +this O this O +topic O topic O +with O with O +a O a O +few O few O +people O people O +that O that O +are O are O +more O more O +knowledgeable O knowledgeable O +than O than O +me O me O +on O on O +this O this O +topic O topic O +. O . O + +I O I O +think O think O +the O the O +main O main O +reason O reason O +why O why O +it O it O +'s O 's O +taking O taking O +hours O hours O +is O is O +that O that O +you O you O +have O have O +a O a O +large O large O +number O number O +of O of O +columns B-Data_Structure columns O +and O and O +some O some O +of O of O +the O the O +columns B-Data_Structure columns O +( O ( O +you O you O +can O can O +elaborate O elaborate O +more O more O +on O on O +this O this O +) O ) O +are O are O +probably O probably O +not O not O +equipped O equipped O +with O with O +indexes O indexes O +, O , O +and O and O +as O as O +a O a O +result O result O +, O , O +full-table B-Data_Structure full-table O +scans O scans O +are O are O +being O being O +performed O performed O +. O . O + +Here O Here O +are O are O +two O two O +possible O possible O +approaches O approaches O +: O : O + +placing O placing O +indexes O indexes O +on O on O +numeric O numeric O +columns O columns O +[ O [ O +2 O 2 O +] O ] O +and O and O +expression O expression O +indexes O indexes O +[ O [ O +1 O 1 O +] O ] O +on O on O +the O the O +length B-Library_Function length O +function O function O +for O for O +the O the O +string/text B-Data_Type string/text O +columns B-Data_Structure columns O + +creating O creating O +a O a O +table B-Data_Structure table O +that O that O +would O would O +always O always O +hold O hold O +max/min O max/min O +for O for O +all O all O +columns B-Data_Structure columns O +. O . O + +placing O placing O +triggers O triggers O +on O on O +all O all O +columns B-Data_Structure columns O +in O in O +all O all O +tables B-Data_Structure tables O +to O to O +update O update O +the O the O +previously O previously O +mentioned O mentioned O +table B-Data_Structure table O + +For O For O +both O both O +of O of O +these O these O +approaches O approaches O +, O , O +the O the O +entire O entire O +logic O logic O +could O could O +be O be O +placed O placed O +in O in O +fieldtop B-Application fieldtop O +, O , O +and O and O +the O the O +triggers/indexes O triggers/indexes O +( O ( O +depending O depending O +on O on O +which O which O +you O you O +choose O choose O +to O to O +use O use O +) O ) O +can O can O +be O be O +created O created O +only O only O +if O if O +they O they O +'re O 're O +not O not O +already O already O +present O present O +( O ( O +I O I O +suppose O suppose O +they O they O +can O can O +be O be O +named O named O +in O in O +a O a O +certain O certain O +way O way O +, O , O +so O so O +that O that O +it O it O +'s O 's O +easy O easy O +to O to O +identify O identify O +that O that O +they O they O +were O were O +created O created O +by O by O +fieldtop B-Application fieldtop O +) O ) O +. O . O + +However O However O +, O , O +it O it O +would O would O +be O be O +necessary O necessary O +to O to O +keep O keep O +in O in O +sync O sync O +with O with O +column O column O +changes O changes O +( O ( O +e.g O e.g O +. O . O + +if O if O +a O a O +column B-Data_Structure column O +is O is O +added O added O +, O , O +a O a O +new O new O +index O index O +needs O needs O +to O to O +be O be O +created O created O +with O with O +the O the O +1st O 1st O +approach O approach O +or O or O +, O , O +in O in O +the O the O +2nd O 2nd O +approach O approach O +, O , O +a O a O +new O new O +trigger O trigger O +would O would O +need O need O +to O to O +be O be O +created O created O +) O ) O +. O . O + +Both O Both O +situations O situations O +will O will O +add O add O +overhead O overhead O +. O . O + +How O How O +much O much O +overhead O overhead O +, O , O +and O and O +to O to O +what O what O +extent O extent O +one O one O +would O would O +be O be O +better O better O +than O than O +the O the O +other O other O +should O should O +probably O probably O +be O be O +the O the O +subject O subject O +of O of O +a O a O +benchmark O benchmark O +. O . O + +There O There O +may O may O +be O be O +other O other O +approaches O approaches O +. O . O + +You O You O +'re O 're O +welcome O welcome O +to O to O +share O share O +your O your O +knowledge O knowledge O +with O with O +us O us O +on O on O +this O this O +topic O topic O +, O , O +and O and O +elaborate O elaborate O +on O on O +your O your O +intended O intended O +approach O approach O +. O . O + +We O We O +also O also O +welcome O welcome O +( O ( O +and O and O +encourage O encourage O +) O ) O +pull O pull O +requests O requests O +. O . O + +[ O [ O +1 O 1 O +] O ] O +About O About O +expression O expression O +indexes O indexes O +. O . O + +In O In O +MySQL B-Application MySQL O +, O , O +they O they O +'re O 're O +not O not O +available O available O +and O and O +it O it O +seems O seems O +like O like O +the O the O +closest O closest O +one O one O +can O can O +get O get O +to O to O +those O those O +are O are O +generated O generated O +columns O columns O +. O . O + +[ O [ O +2 O 2 O +] O ] O +For O For O +AUTO_INCREMENT B-Library_Variable AUTO_INCREMENT O +numeric O numeric O +columns B-Data_Structure columns O +, O , O +there O there O +may O may O +be O be O +a O a O +fast O fast O +way O way O +to O to O +get O get O +the O the O +maximum O maximum O +value O value O +using O using O +the O the O +information_schema O information_schema O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/9 O https://github.com/zeroepoch/plotbitrate/issues/9 O + +Would O Would O +you O you O +suggest O suggest O +we O we O +map O map O +them O them O +to O to O +" O " O +I O I O +" O " O +frames O frames O +? O ? O + +I O I O +suppose O suppose O +a O a O +" O " O +? O ? O +" O " O + +frame O frame O +could O could O +be O be O +audio O audio O +as O as O +well O well O +in O in O +some O some O +cases O cases O +? O ? O + +We O We O +'d O 'd O +need O need O +to O to O +think O think O +of O of O +a O a O +generic O generic O +way O way O +to O to O +handle O handle O +that O that O +so O so O +someone O someone O +does O does O +n't O n't O +get O get O +unexpected O unexpected O +results O results O +. O . O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/6 O https://github.com/rcfbanalysis/rcfbscraper/issues/6 O + +I O I O +'ll O 'll O +work O work O +on O on O +this O this O +next O next O +for O for O +parsing O parsing O +, O , O + +TD O TD O +logic O logic O +is O is O +pretty O pretty O +much O much O +broken O broken O +right O right O +now O now O + +Repository_Name O Repository_Name O +: O : O +OpenPrograms/MiscPrograms O OpenPrograms/MiscPrograms O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/OpenPrograms/MiscPrograms/issues/3 O https://github.com/OpenPrograms/MiscPrograms/issues/3 O + +This O This O +is O is O +so O so O +mac B-Operating_System mac O +users O users O +like O like O +me O me O +can O can O +send O send O +pull O pull O +requests O requests O +without O without O +the O the O +.DS_Store B-File_Type .DS_Store O +file O file O +that O that O +are O are O +auto-generatored O auto-generatored O +by O by O +OS-X B-Operating_System OS-X O +, O , O +since O since O +most O most O +people O people O +do O do O +n't O n't O +like O like O +those O those O +. O . O + +See O See O +: O : O +http://en.wikipedia.org/wiki/.DS_Store O http://en.wikipedia.org/wiki/.DS_Store O + +Repository_Name O Repository_Name O +: O : O +mongrate/mongrate.com O mongrate/mongrate.com O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mongrate/mongrate.com/issues/2 O https://github.com/mongrate/mongrate.com/issues/2 O + +There O There O +were O were O +no O no O +information O information O +about O about O +the O the O +bundle O bundle O +registration O registration O +in O in O +Symfony B-Library Symfony O +application O application O +kernel O kernel O +. O . O + +Though O Though O +it O it O +'s O 's O +obvious O obvious O +for O for O +any O any O +experienced O experienced O +symfony B-Library symfony O +user O user O +, O , O +it O it O +should O should O +be O be O +mentioned O mentioned O +in O in O +docs O docs O +. O . O + +P.S O P.S O +. O . O + +My O My O +English O English O +can O can O +be O be O +creepy O creepy O +sometimes O sometimes O +, O , O +feel O feel O +free O free O +to O to O +let O let O +me O me O +know O know O +if O if O +anything O anything O +is O is O +wrong O wrong O +in O in O +the O the O +doc O doc O +'s O 's O +update O update O +. O . O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/203 O https://github.com/katzer/cordova-plugin-background-mode/issues/203 O + +@GamalSebaee B-User_Name @GamalSebaee O +If O If O +you O you O +have O have O +closed O closed O +the O the O +app O app O +, O , O +than O than O +the O the O +app O app O +isnt O isnt O +running O running O +anymore O anymore O +. O . O + +The O The O +plugin O plugin O +prevents O prevents O +the O the O +app O app O +( O ( O +main O main O +thread O thread O +) O ) O +from O from O +going O going O +to O to O +sleep O sleep O +while O while O +in O in O +background O background O +. O . O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/13 O https://github.com/libp2p/interface-record-store/issues/13 O + +… O … O +what O what O +have O have O +they O they O +been O been O +replaced O replaced O +by O by O +? O ? O +--> O --> O +" O " O + +Repository_Name O Repository_Name O +: O : O +T-Dawg/dojo_rules O T-Dawg/dojo_rules O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/T-Dawg/dojo_rules/issues/3 O https://github.com/T-Dawg/dojo_rules/issues/3 O + +To O To O +add O add O +a O a O +bit O bit O +of O of O +a O a O +personal O personal O +touch O touch O +, O , O +add O add O +a O a O +programmer O programmer O +grievance O grievance O +of O of O +your O your O +own O own O +to O to O +the O the O +" O " O +kill_list.md B-File_Name kill_list.md O +" O " O +file O file O +. O . O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/4 O https://github.com/numen31337/AKVideoImageView/issues/4 O + +This O This O +library O library O +uses O uses O +AVAssetReader B-Library_Class AVAssetReader O +to O to O +render O render O +video O video O +frames O frames O +which O which O +is O is O +supporting O supporting O +only O only O +local O local O +URL O URL O +'s O 's O +and O and O +returns O returns O +error O error O +: O : O +" O " O +Cannot O Cannot O +initialize O initialize O +an O an O +instance O instance O +of O of O +AVAssetReader O AVAssetReader O +with O with O +an O an O +asset O asset O +at O at O +non-local O non-local O +URL O URL O +" O " O +if O if O +you O you O +trying O trying O +to O to O +read O read O +any O any O +remote O remote O +URL O URL O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/13 O https://github.com/google-ar/arcore-unreal-sdk/issues/13 O + +Glad O Glad O +you O you O +got O got O +it O it O +working O working O +again O again O +! O ! O + +Closing O Closing O +this O this O +bug O bug O +. O . O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/7 O https://github.com/op-jenkins/op-build/issues/7 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/23 O https://github.com/ben-eb/metalsmith-remark/issues/23 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +eslint-config-cssnano B-Library eslint-config-cssnano O +just O just O +published O published O +its O its O +new O new O +version O version O +3.0.0 B-Version 3.0.0 O +. O . O + +State O State O + + +Update O Update O +:rocket O :rocket O +: O : O + + +Dependency O Dependency O + + + +eslint-config-cssnano B-Library eslint-config-cssnano O + + +New O New O +version O version O + + + +3.0.0 B-Version 3.0.0 O + + +Type O Type O + + + +devDependency O devDependency O + + +This O This O +version O version O +is O is O +not O not O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +. O . O + +Without O Without O +accepting O accepting O +this O this O +pull O pull O +request O request O +your O your O +project O project O +will O will O +work O work O +just O just O +like O like O +it O it O +did O did O +before O before O +. O . O + +There O There O +might O might O +be O be O +a O a O +bunch O bunch O +of O of O +new O new O +features O features O +, O , O +fixes O fixes O +and O and O +perf O perf O +improvements O improvements O +that O that O +the O the O +maintainers O maintainers O +worked O worked O +on O on O +for O for O +you O you O +though O though O +. O . O + +I O I O +recommend O recommend O +you O you O +look O look O +into O into O +these O these O +changes O changes O +and O and O +try O try O +to O to O +get O get O +onto O onto O +the O the O +latest O latest O +version O version O +of O of O +eslint-config-cssnano B-Library eslint-config-cssnano O +. O . O + +Given O Given O +that O that O +you O you O +have O have O +a O a O +decent O decent O +test O test O +suite O suite O +, O , O +a O a O +passing O passing O +build O build O +is O is O +a O a O +strong O strong O +indicator O indicator O +that O that O +you O you O +can O can O +take O take O +advantage O advantage O +of O of O +these O these O +changes O changes O +by O by O +merging O merging O +the O the O +proposed O proposed O +change O change O +into O into O +your O your O +project O project O +. O . O + +Otherwise O Otherwise O +this O this O +branch O branch O +is O is O +a O a O +great O great O +starting O starting O +point O point O +for O for O +you O you O +to O to O +work O work O +on O on O +the O the O +update O update O +. O . O + +Do O Do O +you O you O +have O have O +any O any O +ideas O ideas O +how O how O +I O I O +could O could O +improve O improve O +these O these O +pull O pull O +requests O requests O +? O ? O + +Did O Did O +I O I O +report O report O +anything O anything O +you O you O +think O think O +is O is O +n't O n't O +right O right O +? O ? O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +while O while O +I O I O +'m O 'm O +just O just O +a O a O +bot O bot O +, O , O +there O there O +is O is O +a O a O +group O group O +of O of O +people O people O +who O who O +are O are O +happy O happy O +to O to O +teach O teach O +me O me O +new O new O +things O things O +. O . O + +Let O Let O +them O them O +know O know O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +:sparkles O :sparkles O +: O : O + +You O You O +rock O rock O +! O ! O + +:palm_tree O :palm_tree O +: O : O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +4 O 4 O +commits O commits O +. O . O + +4658eea O 4658eea B-Code_Block +3.0.0 B-Version 3.0.0 I-Code_Block + +176c106 O 176c106 B-Code_Block +Rule O Rule I-Code_Block +tweaks O tweaks I-Code_Block +, O , I-Code_Block +and O and I-Code_Block +add O add I-Code_Block +import/export O import/export I-Code_Block +linting O linting I-Code_Block +. O . I-Code_Block + +f983b0b O f983b0b B-Code_Block +2.1.0 B-Version 2.1.0 I-Code_Block + +c8f925c O c8f925c B-Code_Block +Fix O Fix I-Code_Block +export O export I-Code_Block +from O from I-Code_Block +definitions O definitions I-Code_Block +. O . I-Code_Block + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +This O This O +pull O pull O +request O request O +was O was O +created O created O +by O by O +greenkeeper.io B-Application greenkeeper.io O +. O . O + +Tired O Tired O +of O of O +seeing O seeing O +this O this O +sponsor O sponsor O +message O message O +? O ? O + +:zap O :zap O +: O : O +greenkeeper B-Code_Block greenkeeper B-Code_Block +upgrade I-Code_Block upgrade I-Code_Block + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/24 O https://github.com/mapbox/tile-count/issues/24 O + +Your O Your O +changes O changes O +look O look O +great O great O +. O . O + +Thanks O Thanks O +for O for O +adding O adding O +the O the O +option O option O +. O . O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/7 O https://github.com/moso/flexgrid/issues/7 O + +Add O Add O +auto-margins O auto-margins O +for O for O +better O better O +offsetting O offsetting O +and O and O +both O both O +horizontal O horizontal O +an O an O +vertical O vertical O +positioning O positioning O +. O . O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/12 O https://github.com/mfellner/webpack-sandboxed/issues/12 O + +Upgrade O Upgrade O +dependencies O dependencies O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/77 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/77 O + +We O We O +are O are O +trying O trying O +to O to O +move O move O +away O away O +from O from O +differentiating O differentiating O +tech-preview O tech-preview O +at O at O +the O the O +repository O repository O +level O level O +, O , O +this O this O +will O will O +help O help O +us O us O +move O move O +forward O forward O +with O with O +container O container O +signing O signing O +, O , O +and O and O +will O will O +keep O keep O +our O our O +policies O policies O +lined O lined O +up O up O +with O with O +how O how O +we O we O +treat O treat O +tech O tech O +preview O preview O +rpms O rpms O +. O . O + +Repository_Name O Repository_Name O +: O : O +LanceKnight/WonderConverter O LanceKnight/WonderConverter O + +Repository_Link O Repository_Link O +: O : O +https://github.com/LanceKnight/WonderConverter O https://github.com/LanceKnight/WonderConverter O + +Wonder B-Application Wonder O +Converter I-Application Converter O + +Android B-Operating_System Android O +App O App O +for O for O +converting O converting O +square O square O +feet O feet O +to O to O +carton O carton O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/19 O https://github.com/ben-eb/metalsmith-remark/issues/19 O + +No O No O +, O , O +I O I O +believe O believe O +it O it O +should O should O +be O be O +a O a O +major O major O +update O update O +( O ( O +as O as O +it O it O +breaks O breaks O +compatibility O compatibility O +with O with O +remark-highlight B-Library remark-highlight O +etc O etc O +) O ) O +. O . O + +But O But O +I O I O +'ve O 've O +updated O updated O +hast-util-to-html B-Library hast-util-to-html O +a O a O +few O few O +days O days O +ago O ago O +, O , O +which O which O +changes O changes O +HTML B-Language HTML O +output O output O +, O , O +causing O causing O +a O a O +major O major O +release O release O +in O in O +remark-html B-Library remark-html O +( O ( O +have O have O +n't O n't O +done O done O +that O that O +yet O yet O +) O ) O +, O , O +which O which O +should O should O +also O also O +create O create O +a O a O +bug O bug O +bump O bump O +here O here O +. O . O + +TL O TL O +;D O ;D O +R O R O +: O : O +wait O wait O +a O a O +few O few O +days O days O +' O ' O +till O till O +remark-html B-Library remark-html O +updates O updates O +to O to O +5.0.0 B-Version 5.0.0 O +:o O :o O + +Repository_Name O Repository_Name O +: O : O +ULI-RubyonRails-2017/lab01 O ULI-RubyonRails-2017/lab01 O +-plp O -plp O + +Repository_Link O Repository_Link O +: O : O +https://github.com/ULI-RubyonRails-2017/lab01-plp O https://github.com/ULI-RubyonRails-2017/lab01-plp O + +CoderRestaurant O CoderRestaurant O +Website O Website O + +Coder O Coder O +Restaurant O Restaurant O +is O is O +a O a O +Ruby B-Library Ruby O +on I-Library on O +Rails I-Library Rails O +restaurant O restaurant O +website O website O +let O let O +users O users O +order O order O +foods O foods O +. O . O + +Submitted O Submitted O +by O by O +: O : O +Your O Your O +name O name O + +Time O Time O +spent O spent O +: O : O +time O time O +hours O hours O +spent O spent O +in O in O +total O total O + +URL O URL O +: O : O + +User O User O +Stories O Stories O + +Required O Required O +: O : O + +[ O [ O +] O ] O +User O User O +must O must O +be O be O +able O able O +to O to O +go O go O +two O two O +pages O pages O +: O : O +Menu O Menu O +, O , O +and O and O +Contact O Contact O +Us O Us O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +see O see O +the O the O +address O address O +and O and O +phone O phone O +number O number O +on O on O +the O the O +contact O contact O +us O us O +page O page O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +see O see O +a O a O +basic O basic O +google B-User_Interface_Element google O +map I-User_Interface_Element map O +on O on O +the O the O +Contact O Contact O +Us O Us O +page O page O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +navigate O navigate O +to O to O +a O a O +menu O menu O +page O page O +with O with O +four O four O +sections O sections O +: O : O + +[ O [ O +] O ] O +Breakfast O Breakfast O + +[ O [ O +] O ] O +Lunch O Lunch O + +[ O [ O +] O ] O +Dinner O Dinner O + +[ O [ O +] O ] O +Drinks O Drinks O + +[ O [ O +] O ] O +User O User O +should O should O +see O see O +at O at O +least O least O +5 O 5 O +food O food O +items O items O +in O in O +each O each O +section O section O +. O . O + +[ O [ O +] O ] O +Each O Each O +food O food O +item O item O +should O should O +have O have O +the O the O +following O following O +fields O fields O +: O : O + +Name O Name O +( O ( O +Canh O Canh O +Chua O Chua O +) O ) O + +Description O Description O +( O ( O +Delicious O Delicious O +fish O fish O +soup O soup O +) O ) O + +Price O Price O +( O ( O +VND O VND O +) O ) O + +Section O Section O +- O - O +Breakfast O Breakfast O +, O , O +Lunch O Lunch O +, O , O +Dinner O Dinner O +, O , O +Drinks O Drinks O + +Image B-User_Interface_Element Image O +URL O URL O +- O - O +do O do O +a O a O +google O google O +search O search O +or O or O +use O use O +LoremFlickr O LoremFlickr O +: O : O +http://loremflickr.com/320/240/canhchua O http://loremflickr.com/320/240/canhchua O + +[ O [ O +] O ] O +User O User O +should O should O +be O be O +able O able O +to O to O +filter O filter O +by O by O +section O section O +of O of O +Breakfast O Breakfast O +, O , O +Lunch O Lunch O +, O , O +Dinner O Dinner O +, O , O +or O or O +Drinks O Drinks O +and O and O +see O see O +only O only O +the O the O +relevant O relevant O +items O items O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +sort O sort O +menu O menu O +items O items O +by O by O +" O " O +alphabetical O alphabetical O +" O " O +, O , O +" O " O +price O price O +low O low O +to O to O +high O high O +" O " O +, O , O +and O and O +" O " O +price O price O +high O high O +to O to O +low O low O +" O " O +. O . O + +[ O [ O +] O ] O +User O User O +should O should O +be O be O +able O able O +to O to O +get O get O +for O for O +a O a O +menu B-User_Interface_Element menu O +item O item O +and O and O +see O see O +results O results O +. O . O + +[ O [ O +] O ] O +Clicking O Clicking O +on O on O +an O an O +item O item O +in O in O +the O the O +menu B-User_Interface_Element menu O +brings O brings O +up O up O +its O its O +detail O detail O +, O , O +where O where O +you O you O +see O see O +the O the O +description O description O +and O and O +a O a O +larger O larger O +picture B-User_Interface_Element picture O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +click O click O +" O " O +order O order O +" O " O +on O on O +a O a O +menu B-User_Interface_Element menu O +item O item O +to O to O +go O go O +to O to O +a O a O +" O " O +Create O Create O +Order O Order O +" O " O +page O page O +. O . O + +[ O [ O +] O ] O +User O User O +is O is O +able O able O +to O to O +fill O fill O +in O in O +their O their O +name O name O +, O , O +phone O phone O +number O number O +, O , O +and O and O +address O address O +. O . O + +[ O [ O +] O ] O +User O User O +is O is O +taken O taken O +to O to O +a O a O +" O " O +Thank O Thank O +you O you O +for O for O +your O your O +order O order O +page O page O +" O " O +that O that O +lists O lists O +the O the O +name O name O +of O of O +item O item O +, O , O +the O the O +total O total O +cost O cost O +( O ( O +delivery O delivery O +should O should O +cost O cost O +20,000 O 20,000 O +VND O VND O +) O ) O +, O , O +the O the O +user O user O +'s O 's O +name O name O +, O , O +the O the O +user O user O +'s O 's O +address O address O +, O , O +and O and O +the O the O +time O time O +the O the O +order O order O +was O was O +created O created O +in O in O +human-readable O human-readable O +format O format O +( O ( O +for O for O +example O example O +, O , O +Tuesday O Tuesday O +, O , O +December O December O +1 O 1 O +, O , O +15:25 O 15:25 O +) O ) O +. O . O + +Optional O Optional O +: O : O + +[ O [ O +] O ] O +User O User O +can O can O +also O also O +filter O filter O +by O by O +type O type O +of O of O +Cuisine O Cuisine O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +see O see O +how O how O +many O many O +times O times O +each O each O +menu B-User_Interface_Element menu O +item O item O +has O has O +been O been O +viewed O viewed O +, O , O +and O and O +sort O sort O +items O items O +by O by O +" O " O +most O most O +viewed O viewed O +" O " O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +leave O leave O +a O a O +review O review O +( O ( O +1-5 O 1-5 O +stars O stars O +) O ) O +for O for O +each O each O +dish O dish O +, O , O +along O along O +with O with O +a O a O +text O text O +review O review O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +see O see O +reviews O reviews O +and O and O +an O an O +average O average O +review O review O +score O score O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +input O input O +" O " O +CODERSCHOOL O CODERSCHOOL O +" O " O +as O as O +a O a O +coupon O coupon O +code O code O +on O on O +the O the O +order O order O +page O page O +, O , O +which O which O +should O should O +give O give O +a O a O +50% O 50% O +discount O discount O +off O off O +of O of O +the O the O +order O order O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +order O order O +more O more O +than O than O +one O one O +dish O dish O +at O at O +a O a O +time O time O +. O . O + +[ O [ O +] O ] O +User O User O +receives O receives O +an O an O +email O email O +upon O upon O +placing O placing O +an O an O +order O order O +. O . O + +[ O [ O +] O ] O +The O The O +Restaurant O Restaurant O +( O ( O +you O you O +) O ) O +receives O receives O +an O an O +email O email O +or O or O +SMS O SMS O +when O when O +a O a O +User O User O +places O places O +an O an O +order O order O +. O . O + +Try O Try O +Twilio B-Application Twilio O +if O if O +you O you O +'d O 'd O +like O like O +a O a O +SMS B-Application SMS O +API I-Application API O +. O . O + +Use O Use O +Promo O Promo O +Code O Code O +CodeSchool15 O CodeSchool15 O +for O for O +$30 O $30 O +free O free O +credit O credit O +. O . O + +The O The O +following O following O +additional O additional O +features O features O +are O are O +implemented O implemented O +: O : O + +The O The O +following O following O +known O known O +issues O issues O +: O : O + +List O List O +bugs O bugs O +or O or O +things O things O +that O that O +do O do O +n't O n't O +work O work O +yet O yet O + +Video B-User_Interface_Element Video O +Walkthrough O Walkthrough O + +Here O Here O +'s O 's O +a O a O +walkthrough O walkthrough O +of O of O +implemented O implemented O +user O user O +stories O stories O +: O : O + +GIF B-File_Type GIF O +created O created O +with O with O +LiceCap B-Application LiceCap O +. O . O + +Notes O Notes O + +Describe O Describe O +any O any O +challenges O challenges O +encountered O encountered O +while O while O +building O building O +the O the O +app O app O +. O . O + +License O License O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_1134 I-Code_Block GR_1134 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/15 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/15 O + +In O In O +AWS B-Application AWS O +Ruby I-Application Ruby O +SDK I-Application SDK O +V2 B-Version V2 O +, O , O +the O the O +proxy_uri B-Library_Variable proxy_uri O +option O option O +is O is O +changed O changed O +to O to O +http_proxy B-Library_Variable http_proxy O +. O . O + +http://docs.aws.amazon.com/sdkforruby/api/Aws/EC2/Client.html#initialize-instance_method O http://docs.aws.amazon.com/sdkforruby/api/Aws/EC2/Client.html#initialize-instance_method O +https://forums.aws.amazon.com/thread.jspa?threadID=172034 O https://forums.aws.amazon.com/thread.jspa?threadID=172034 O + +Using O Using O +the O the O +proxy_uri B-Library_Variable proxy_uri O +will O will O +cause O cause O +ArgumentError B-Error_Name ArgumentError O +: O : O +invalid O invalid O +configuration O configuration O +option O option O +`:proxy_uri O `:proxy_uri O +' O ' O + +https://github.com/logstash-plugins/logstash-mixin-aws/blob/master/lib/logstash/plugin_mixins/aws_config/v2.rb#L20 O https://github.com/logstash-plugins/logstash-mixin-aws/blob/master/lib/logstash/plugin_mixins/aws_config/v2.rb#L20 O + +A O A O +fix O fix O +would O would O +be O be O +just O just O +changing O changing O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_20047 I-Code_Block GR_20047 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +to O to O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_20048 I-Code_Block GR_20048 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +makeen-project/makeen O makeen-project/makeen O +-hapi O -hapi O + +Repository_Link O Repository_Link O +: O : O +https://github.com/makeen-project/makeen-hapi O https://github.com/makeen-project/makeen-hapi O + +Makeen B-Application Makeen O + +A O A O +back-end O back-end O +development O development O +platform O platform O +for O for O +rapid O rapid O +application O application O +development O development O +that O that O +is O is O +battle O battle O +tested O tested O +production O production O +ready O ready O +. O . O + +Makeen B-Application Makeen O +promotes O promotes O +a O a O +pluggable O pluggable O +architecture O architecture O +that O that O +allows O allows O +you O you O +to O to O +use O use O +a O a O +broad O broad O +range O range O +of O of O +pre-developed O pre-developed O +plugins O plugins O +which O which O +provide O provide O +all O all O +the O the O +functionality O functionality O +a O a O +modern O modern O +application O application O +might O might O +need O need O +: O : O +user O user O +, O , O +storage O storage O +, O , O +mailing O mailing O +, O , O +database O database O +, O , O +REST B-Library REST O +API I-Library API O +, O , O +documentation O documentation O +, O , O +backend O backend O +performance O performance O +monitoring O monitoring O +, O , O +CLI B-Application CLI O +and O and O +cloud O cloud O +( O ( O +AW B-Application AW O +& O & O +Azure B-Application Azure O +) O ) O +virtual O virtual O +instances O instances O +mangement O mangement O +. O . O + +The O The O +majority O majority O +of O of O +makeen B-Application makeen O +plugins I-Application plugins O +are O are O +hosted O hosted O +in O in O +the O the O +current O current O +mono-repository O mono-repository O +. O . O + +Table O Table O +of O of O +Contents O Contents O + +Installation O Installation O + +Usage O Usage O + +Demo O Demo O + +Makeen B-Application Makeen O +Plugins I-Application Plugins O + +Octobus B-Library Octobus O + +Makeen B-Application Makeen O +Router O Router O + +Makeen B-Application Makeen O +Core O Core O + +Makeen B-Application Makeen O +Mailer O Mailer O + +Makeen B-Application Makeen O +User O User O + +Makeen B-Application Makeen O +Storage O Storage O + +Makeen B-Application Makeen O +Monitoring O Monitoring O + +Makeen B-Application Makeen O +Documentation O Documentation O + +Makeen B-Application Makeen O +Virtual O Virtual O +Machines O Machines O + +Build O Build O +and O and O +Deployment O Deployment O + +Contributing O Contributing O + +Credits O Credits O + +License O License O + +Get O Get O +in O in O +Touch O Touch O + +Installation O Installation O + +Before O Before O +ramping O ramping O +up O up O +makeen O makeen O +the O the O +following O following O +requirements O requirements O +must O must O +be O be O +met O met O +: O : O + +Node B-Application Node O +v6 B-Version v6 O +or O or O +higher O higher O +version O version O + +mongodb B-Application mongodb O +connection O connection O + +Because O Because O +Makeen B-Application Makeen O +is O is O +a O a O +collection O collection O +of O of O +plugins O plugins O +you O you O +will O will O +need O need O +a O a O +Hapi.js B-Library Hapi.js O +server B-Application server O +to O to O +load O load O +and O and O +run O run O +them O them O +. O . O + +To O To O +speed O speed O +things O things O +up O up O +Makeen B-Application Makeen O +is O is O +providing O providing O +the O the O +server B-Application server O +component O component O +in O in O +the O the O +shape O shape O +of O of O +a O a O +boilerplate O boilerplate O +which O which O +you O you O +can O can O +clone O clone O +and O and O +install O install O +: O : O + +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block +git@github.com I-Code_Block git@github.com I-Code_Block +:makeen-project/boilerplate.git I-Code_Block :makeen-project/boilerplate.git I-Code_Block + +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block + +From O From O +here O here O +on O on O +using O using O +a O a O +makeen B-Application makeen O +plugin I-Application plugin O +will O will O +require O require O +first O first O +installing O installing O +it O it O +by O by O +way O way O +of O of O +npm B-Application npm O +: O : O + +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +makeen-core I-Code_Block makeen-core I-Code_Block + +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +makeen-router I-Code_Block makeen-router I-Code_Block + +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +makeen-documentation I-Code_Block makeen-documentation I-Code_Block + +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +makeen-mailer I-Code_Block makeen-mailer I-Code_Block + +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +makeen-storage I-Code_Block makeen-storage I-Code_Block + +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +makeen-monitoring I-Code_Block makeen-monitoring I-Code_Block + +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +makeen-vm I-Code_Block makeen-vm I-Code_Block + +And O And O +load O load O +them O them O +whereve O whereve O +needed O needed O +, O , O +be O be O +it O it O +inside O inside O +a O a O +hapijs B-Library hapijs O +plugin O plugin O +or O or O +anywhere O anywhere O +else O else O +server-side B-Application server-side O +. O . O + +Usage O Usage O + +The O The O +Makeen B-Application Makeen O +boilerplate O boilerplate O +is O is O +delivered O delivered O +as O as O +a O a O +feature-rich O feature-rich O +extensible O extensible O +backend O backend O +hapi.js B-Library hapi.js O +server B-Application server O +. O . O + +Architecture O Architecture O +being O being O +modular O modular O +you O you O +can O can O +write O write O +a O a O +new O new O +plugin O plugin O +and O and O +plug O plug O +it O it O +into O into O +the O the O +server B-Application server O +easily O easily O +. O . O + +We O We O +will O will O +cover O cover O +the O the O +plugin O plugin O +creation O creation O +part O part O +in O in O +the O the O +Demo O Demo O +section O section O +but O but O +all O all O +you O you O +need O need O +to O to O +know O know O +is O is O +that O that O +a O a O +hapi.js B-Library hapi.js O +plugin O plugin O +is O is O +composed O composed O +of O of O +package.json B-File_Name package.json B-Code_Block +and O and O +index.js B-File_Name index.js B-Code_Block +files O files O +with O with O +a O a O +register O register O +function O function O +and O and O +the O the O +rest O rest O +is O is O +javascript B-Language javascript O +logic O logic O +. O . O + +Makeen B-Application Makeen O +as O as O +a O a O +whole O whole O +is O is O +based O based O +on O on O +a O a O +few O few O +key O key O +concepts O concepts O +and O and O +principles O principles O +which O which O +we O we O +'ll O 'll O +discuss O discuss O +: O : O + +modular O modular O +message O message O +driven O driven O +arhitecture O arhitecture O +by O by O +way O way O +of O of O +Octobus.js B-Library Octobus.js O + +CRUD O CRUD O +database O database O +operations O operations O +on O on O +the O the O +fly O fly O + +CRUD O CRUD O +REST B-Library REST O +API I-Library API O +endpoints O endpoints O +on O on O +the O the O +fly O fly O + +The O The O +Makeen B-Application Makeen O +Plugin I-Application Plugin B-Code_Block +- O - O +a O a O +full O full O +fledged O fledged O +hapi.js B-Library hapi.js O +plugin O plugin O +generator O generator O + +Modular O Modular O +message O message O +driven O driven O +architecture O architecture O +by O by O +way O way O +of O of O +Octobus.js B-Library Octobus.js O + +Octobus.js B-Library Octobus.js O +is O is O +a O a O +library O library O +which O which O +promotes O promotes O +decoupling O decoupling O +application O application O +logic O logic O +into O into O +isolated O isolated O +modules O modules O +and O and O +enabling O enabling O +cross-module O cross-module O +interaction O interaction O +through O through O +a O a O +message O message O +driven O driven O +approach O approach O +. O . O + +As O As O +a O a O +basic O basic O +example O example O +let O let O +'s O 's O +consider O consider O +we O we O +have O have O +a O a O +monolithic O monolithic O +block O block O +of O of O +code O code O +which O which O +implements O implements O +math O math O +logic O logic O +and O and O +currency O currency O +logic O logic O +and O and O +has O has O +the O the O +following O following O +two O two O +functions O functions O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12165 I-Code_Block GR_12165 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +above O above O +logic O logic O +can O can O +be O be O +decoupled O decoupled O +into O into O +Octobus B-Library Octobus O +services O services O +as O as O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12166 I-Code_Block GR_12166 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +As O As O +you O you O +can O can O +see O see O +above O above O +implementation O implementation O +allows O allows O +services O services O +to O to O +reside O reside O +in O in O +different O different O +locations O locations O +and O and O +removes O removes O +hard O hard O +dependency O dependency O +by O by O +relying O relying O +on O on O +the O the O +dispatch O dispatch O +function O function O +to O to O +execute O execute O +all O all O +external O external O +actions O actions O +. O . O + +This O This O +is O is O +just O just O +the O the O +tip O tip O +of O of O +the O the O +iceberg O iceberg O +but O but O +enough O enough O +to O to O +give O give O +you O you O +a O a O +taste O taste O +of O of O +the O the O +power O power O +and O and O +simplicity O simplicity O +Octobus.js B-Library Octobus.js O +brings O brings O +. O . O + +CRUD O CRUD O +database O database O +operations O operations O +on O on O +the O the O +fly O fly O + +Another O Another O +important O important O +aspect O aspect O +when O when O +building O building O +backend O backend O +logic O logic O +is O is O +database O database O +access O access O +so O so O +you O you O +'ll O 'll O +need O need O +to O to O +build O build O +logic O logic O +that O that O +connects O connects O +to O to O +a O a O +database O database O +and O and O +performs O performs O +both O both O +CRUD O CRUD O +operations O operations O +such O such O +as O as O +reading O reading O +, O , O +creating O creating O +, O , O +updating O updating O +, O , O +deleting O deleting O +items O items O +and O and O +custom O custom O +operations O operations O +. O . O + +The O The O +CRUD O CRUD O +oparations O oparations O +bit O bit O +can O can O +get O get O +huge O huge O +and O and O +out O out O +of O of O +control O control O +if O if O +not O not O +centralized O centralized O +in O in O +a O a O +single O single O +common O common O +set O set O +of O of O +actions O actions O +available O available O +for O for O +a O a O +mulltiple O mulltiple O +range O range O +of O of O +entities O entities O +. O . O + +Octobus-CRUD B-Library Octobus-CRUD O +comes O comes O +to O to O +the O the O +rescue O rescue O +and O and O +does O does O +just O just O +that O that O +. O . O + +The O The O +CRUD O CRUD O +generator O generator O +requires O requires O +an O an O +entity O entity O +schema O schema O +and O and O +an O an O +Octobus-mongodb-store B-Application Octobus-mongodb-store O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12167 I-Code_Block GR_12167 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +We O We O +'re O 're O +using O using O +Mongo B-Application Mongo O +so O so O +for O for O +the O the O +store O store O +we O we O +'re O 're O +going O going O +with O with O +Octobus-mongodb-store B-Application Octobus-mongodb-store O + +Makeen B-Application Makeen O +server I-Application server O +exposes O exposes O +a O a O +server B-Application server O +method O method O +that O that O +does O does O +just O just O +that O that O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12168 I-Code_Block GR_12168 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +At O At O +this O this O +point O point O +we O we O +have O have O +both O both O +schema O schema B-Code_Block +and O and O +store B-Variable_Name store B-Code_Block +so O so O +whe O whe O +can O can O +go O go O +ahead O ahead O +and O and O +generate O generate O +the O the O +Octobus B-Library Octobus O +CRUD O CRUD O +service O service O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12169 I-Code_Block GR_12169 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +With O With O +just O just O +a O a O +few O few O +lines O lines O +of O of O +code O code O +we O we O +'ve O 've O +created O created O +the O the O +BooksRepository B-Variable_Name BooksRepository O +object O object O +which O which O +exposes O exposes O +full O full O +CRUD O CRUD O +database O database O +operations O operations O +and O and O +can O can O +be O be O +used O used O +as O as O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12170 I-Code_Block GR_12170 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +or O or O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12171 I-Code_Block GR_12171 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Voila O Voila O +! O ! O + +using O using O +the O the O +serviceBus B-Library_Function serviceBus O +or O or O +dispatch B-Library_Function dispatch O +method O method O +you O you O +can O can O +trigger O trigger O +BooksRepository B-Variable_Name BooksRepository O +related O related O +logic O logic O +from O from O +different O different O +locations O locations O +of O of O +the O the O +application O application O +without O without O +the O the O +need O need O +of O of O +importing O importing O +or O or O +hard-requiring O hard-requiring O +it O it O +. O . O + +CRUD O CRUD O +REST B-Library REST O +API I-Library API O +endpoints O endpoints O +on O on O +the O the O +fly O fly O + +Now O Now O +that O that O +we O we O +'ve O 've O +seen O seen O +the O the O +power O power O +of O of O +octobus.js B-Library octobus.js O +and O and O +the O the O +easy O easy O +way O way O +of O of O +creating O creating O +CRUD O CRUD O +storage O storage O +octobus B-Library octobus O +services O services O +the O the O +last O last O +required O required O +piece O piece O +of O of O +functionality O functionality O +would O would O +be O be O +a O a O +set O set O +of O of O +REST B-Library REST O +API I-Library API O +endpoints O endpoints O +that O that O +would O would O +expose O expose O +all O all O +this O this O +functionality O functionality O +. O . O + +This O This O +is O is O +easily O easily O +accomplished O accomplished O +using O using O +makeen-router B-Library makeen-router O +and O and O +it O it O +'s O 's O +exported O exported O +class O class O +MongoResourceRouter B-Library_Class MongoResourceRouter O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12172 I-Code_Block GR_12172 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +That O That O +'s O 's O +it O it O +! O ! O + +we O we O +now O now O +have O have O +a O a O +full O full O +range O range O +of O of O +CRUD O CRUD O +endpoints O endpoints O +operating O operating O +from O from O +HTTP B-Library_Function HTTP O +request I-Library_Function request O +down O down O +to O to O +the O the O +db O db O +level O level O +. O . O + +If O If O +we O we O +want O want O +to O to O +add O add O +new O new O +custom O custom O +endpoints O endpoints O +this O this O +is O is O +accomplished O accomplished O +by O by O +adding O adding O +new O new O +methods O methods O +to O to O +the O the O +BooksRouter B-Class_Name BooksRouter O +class O class O +and O and O +decorating O decorating O +it O it O +with O with O +the O the O +@route O @route O +decorator O decorator O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12173 I-Code_Block GR_12173 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +Makeen B-Library_Class Makeen O +Plugin I-Library_Class Plugin B-Code_Block +- O - O +a O a O +full O full O +fledged O fledged O +hapi.js B-Library hapi.js O +plugin O plugin O +generator O generator O + +The O The O +Plugin B-Library_Class Plugin B-Code_Block +class O class O +is O is O +a O a O +central O central O +concept O concept O +arround O arround O +makeen B-Application makeen O +plugins I-Application plugins O +development O development O +. O . O + +The O The O +plugin O plugin O +can O can O +create O create O +a O a O +full O full O +CRUD O CRUD O +service O service O +container O container O +and O and O +REST B-Library_Class REST O +routes I-Library_Class routes O +for O for O +you O you O +and O and O +also O also O +allow O allow O +you O you O +to O to O +create O create O +and O and O +add O add O +custom O custom O +service O service O +containers O containers O +and O and O +routes O routes O +. O . O + +All O All O +this O this O +is O is O +being O being O +done O done O +by O by O +overidding O overidding O +the O the O +the O the O +boot B-Library_Function boot B-Code_Block +method O method O +: O : O + +The O The O +bellow O bellow O +example O example O +will O will O +create O create O +a O a O +hapijs B-Library hapijs O +plugin O plugin O +containing O containing O +BooksRepository B-Variable_Name BooksRepository O +service O service O +container O container O +and O and O +complete O complete O +REST B-Library_Class REST O +CRUD I-Library_Class CRUD O +routes I-Library_Class routes O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12174 I-Code_Block GR_12174 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +only O only O +took O took O +6 O 6 O +lines O lines O +of O of O +code O code O +and O and O +now O now O +you O you O +have O have O +a O a O +hapi B-Library hapi O +plugin O plugin O +with O with O +CRUD O CRUD O +REST O REST O +endpoints O endpoints O +and O and O +a O a O +CRUD O CRUD O +db O db O +service O service O +container O container O +. O . O + +What O What O +if O if O +you O you O +want O want O +some O some O +custom O custom O +service O service O +container O container O +and O and O +custom O custom O +REST B-Library_Class REST O +routes I-Library_Class routes O +that O that O +go O go O +along O along O +with O with O +it O it O +? O ? O + +for O for O +this O this O +we O we O +can O can O +instantiate O instantiate O +the O the O +custom O custom O +service O service O +container O container O +and O and O +CRUD B-Library_Class CRUD O +REST I-Library_Class REST O +router I-Library_Class router O +directly O directly O +and O and O +pass O pass O +them O them O +to O to O +the O the O +createResources B-Library_Function createResources B-Code_Block +method O method O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12175 I-Code_Block GR_12175 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Demo O Demo O + +Makeen B-Application Makeen O +is O is O +delivered O delivered O +as O as O +a O a O +set O set O +of O of O +feature-rich O feature-rich O +extensible O extensible O +plugins O plugins O +. O . O + +The O The O +architecture O architecture O +is O is O +modular O modular O +and O and O +you O you O +can O can O +write O write O +your O your O +own O own O +custom O custom O +plugin O plugin O +and O and O +load O load O +into O into O +a O a O +Hapi.js B-Library Hapi.js O +server B-Application server O +, O , O +to O to O +speed O speed O +this O this O +part O part O +makeen O makeen O +also O also O +delivers O delivers O +a O a O +boilerplate O boilerplate O +project O project O +but O but O +you O you O +can O can O +also O also O +create O create O +a O a O +custom O custom O +Hapi.js B-Library Hapi.js O +server B-Application server O +if O if O +needed O needed O +. O . O + +In O In O +order O order O +to O to O +see O see O +it O it O +in O in O +action O action O +we'll O we'll O +: O : O + +rampup O rampup O +the O the O +makeen-boilerplate B-Library_Class makeen-boilerplate O +by O by O +following O following O +the O the O +provided O provided O +instructions O instructions O + +build O build O +a O a O +custom O custom O +ToDo O ToDo O +plugin O plugin O +by O by O +extending O extending O +the O the O +Plugin B-Library_Class Plugin B-Code_Block +class O class O +provided O provided O +by O by O +makeen-core B-Library makeen-core O +. O . O + +This O This O +plugin O plugin O +will O will O +provide O provide O +backend O backend O +todo O todo O +task O task O +management O management O +logic O logic O +. O . O + +Step O Step O +1 O 1 O +. O . O + +Create O Create O +the O the O +plugin O plugin O +package O package O +structure O structure O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12176 I-Code_Block GR_12176 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Step O Step O +2 O 2 O +. O . O + +Define O Define O +todo O todo O +plugin O plugin O +main O main O +entities O entities O +and O and O +their O their O +data O data O +schema O schema O + +We O We O +will O will O +be O be O +working O working O +with O with O +items O items O +and O and O +item O item O +lists O lists O +thus O thus O +we O we O +have O have O +Item B-Library_Class Item O +and O and O +List B-Library_Class List O +entities O entities O +. O . O + +Item B-Library_Class Item O +schema O schema O +will O will O +be O be O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12177 I-Code_Block GR_12177 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +List B-Library_Class List O +schema O schema O +will O will O +be O be O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12178 I-Code_Block GR_12178 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Step O Step O +3 O 3 O +. O . O + +Create O Create O +octobus B-Library octobus O +based O based O +services O services O +for O for O +Item B-Library_Class Item O +and O and O +List B-Library_Class List O + +Create O Create O +./packages/todo/src/services/ItemRepository.js B-File_Name ./packages/todo/src/services/ItemRepository.js B-Code_Block +file O file O +We O We O +will O will O +be O be O +using O using O +a O a O +octobus-crud B-Library octobus-crud O +package O package O +in O in O +order O order O +to O to O +generate O generate O +a O a O +full O full O +fledged O fledged O +database O database O +integrated O integrated O +CRUD O CRUD O +set O set O +of O of O +actions O actions O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12179 I-Code_Block GR_12179 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +CRUDServiceContainer B-Library_Class CRUDServiceContainer O +class O class O +takes O takes O +in O in O +a O a O +store O store O +and O and O +the O the O +entity O entity O +schema O schema O +and O and O +will O will O +create O create O +an O an O +object O object O +with O with O +: O : O +create O create O +, O , O +read O read O +, O , O +update O update O +and O and O +delete O delete O +methods O methods O + +Create O Create O +./packages/todo/src/services/ListRepository.js B-File_Name ./packages/todo/src/services/ListRepository.js B-Code_Block +file O file O + +Same O Same O +as O as O +with O with O +the O the O +Item B-Library_Class Item O +service O service O +we O we O +will O will O +generate O generate O +the O the O +List B-Library_Class List O +service O service O +but O but O +because O because O +the O the O +List B-Library_Class List O +entity O entity O +references O references O +and O and O +logically O logically O +owns O owns O +Items B-Library_Class Items O +we O we O +will O will O +need O need O +to O to O +overwrite O overwrite O +the O the O +delete B-Library_Function delete O +method O method O +such O such O +that O that O +it O it O +removes O removes O +all O all O +child O child O +Item B-Library_Class Item O +entities O entities O +. O . O + +custom O custom O +method O method O +deleteOne B-Library_Function deleteOne O +will O will O +be O be O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12180 I-Code_Block GR_12180 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +custom O custom O +deleteOne B-Library_Function deleteOne O +method O method O +first O first O +removes O removes O +the O the O +queries O queries O +List B-Library_Class List O +and O and O +next O next O +it O it O +removes O removes O +all O all O +Item B-Library_Class Item O +entties O entties O +that O that O +are O are O +referencing O referencing O +this O this O +list O list O +. O . O + +At O At O +this O this O +point O point O +we O we O +have O have O +created O created O +Item B-Library_Class Item O +and O and O +List B-Library_Class List O +octobus B-Library octobus O +services O services O +with O with O +all O all O +CRUD O CRUD O +methods O methods O +. O . O + +The O The O +next O next O +step O step O +will O will O +be O be O +to O to O +create O create O +HTTP O HTTP O +endpoints O endpoints O +for O for O +all O all O +of O of O +this O this O +methods O methods O +such O such O +that O that O +they O they O +are O are O +accesible O accesible O +to O to O +the O the O +rest O rest O +of O of O +the O the O +world O world O +through O through O +HTTP B-Library_Function HTTP O +requests I-Library_Function requests O +. O . O + +Step O Step O +4 O 4 O +. O . O + +Create O Create O +HTTP O HTTP O +endpoints O endpoints O +for O for O +Item B-Library_Class Item O +and O and O +List B-Library_Class List O +CRUD O CRUD O +operations O operations O + +For O For O +this O this O +we O we O +will O will O +be O be O +using O using O +the O the O +makeen-router B-Library makeen-router O +package O package O +which O which O +takes O takes O +in O in O +a O a O +generated O generated O +octobus B-Library octobus O +CRUD O CRUD O +repository O repository O +and O and O +builds O builds O +all O all O +the O the O +CRUD O CRUD O +endpoints O endpoints O +based O based O +on O on O +it O it O +: O : O + +Makeen-core B-Library Makeen-core O +provides O provides O +Router B-Library_Class Router O +and O and O +MongoResourceRouter B-Library_Class MongoResourceRouter O +classes O classes O +; O ; O +By O By O +extending O extending O +the O the O +Router B-Library_Class Router O +class O class O +you O you O +can O can O +define O define O +hapijs B-Library_Class hapijs O +routes I-Library_Class routes O +as O as O +class O class O +methods O methods O +as O as O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12181 I-Code_Block GR_12181 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +By O By O +extending O extending O +the O the O +MongoResourceRouter B-Library_Class MongoResourceRouter O +class O class O +you O you O +can O can O +define O define O +a O a O +full O full O +set O set O +of O of O +CRUD O CRUD O +routes B-Library_Class routes O +, O , O +all O all O +you O you O +need O need O +to O to O +do O do O +is O is O +provide O provide O +a O a O +octboud B-Library octboud O +CRUD O CRUD O +repository O repository O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12182 I-Code_Block GR_12182 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +That O That O +'s O 's O +it O it O +! O ! O + +by O by O +mounting O mounting O +the O the O +newly O newly O +created O created O +CRUDTestRouter B-Library_Class CRUDTestRouter O +class O class O +instance O instance O +to O to O +the O the O +server B-Application server O +we O we O +now O now O +have O have O +a O a O +complete O complete O +CRUD O CRUD O +API B-Library API O +available O available O +. O . O + +So O So O +let O let O +'s O 's O +see O see O +how O how O +this O this O +would O would O +look O look O +for O for O +the O the O +Item B-Library_Class Item O +and O and O +List B-Library_Class List O +entities O entities O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12183 I-Code_Block GR_12183 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12184 I-Code_Block GR_12184 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Above O Above O +you O you O +can O can O +see O see O +another O another O +makeen-router B-Library makeen-router O +feature O feature O +, O , O +the O the O +@route O @route O +function O function O +decorator O decorator O +which O which O +takes O takes O +in O in O +metadata O metadata O +and O and O +transforms O transforms O +a O a O +simple O simple O +function O function O +into O into O +a O a O +hapi B-Library hapi O +HTTP O HTTP O +endpoint O endpoint O +, O , O +in O in O +above O above O +case O case O +we O we O +'ve O 've O +used O used O +it O it O +to O to O +create O create O +a O a O +custom O custom O +endpoint O endpoint O +. O . O + +And O And O +finally O finally O +, O , O +once O once O +we O we O +have O have O +Octbus B-Library Octbus O +CRUD O CRUD O +repositories O repositories O +and O and O +makeen-router B-Library makeen-router O +CRUD O CRUD O +routers B-Library_Class routers O +we O we O +need O need O +to O to O +assemble O assemble O +all O all O +this O this O +and O and O +bootstrap O bootstrap O +it O it O +in O in O +the O the O +plugin O plugin O +index.js B-File_Name index.js O +file O file O +. O . O + +Step O Step O +6 O 6 O +. O . O + +Create O Create O +new O new O +ToDo O ToDo O +Plugin B-Library_Class Plugin O +class O class O + +Create O Create O +./packages/todo/src/index.js B-File_Name ./packages/todo/src/index.js B-Code_Block +file O file O + +Inside O Inside O +it O it O +we O we O +import O import O +the O the O +service O service O +and O and O +router O router O +files O files O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12185 I-Code_Block GR_12185 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Step O Step O +5 O 5 O +. O . O + +Bootstrap O Bootstrap O +the O the O +todo O todo O +plugin O plugin O + +Add O Add O +the O the O +hapijs B-Library_Function hapijs O +register I-Library_Function register O +function O function O +in O in O +the O the O +./packages/todo/src/index.js B-File_Name ./packages/todo/src/index.js B-Code_Block +file O file O +: O : O + +Inside O Inside O +the O the O +register B-Library_Function register O +function O function O +we O we O +'re O 're O +instanciating O instanciating O +the O the O +ToDoPlugin B-Class_Name ToDoPlugin O +class O class O +and O and O +register O register O +it O it O +with O with O +the O the O +hapi B-Library hapi O +server B-Application server O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12186 I-Code_Block GR_12186 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Makeen B-Application Makeen O +Plugins I-Application Plugins O + +Makeen B-Application Makeen O +forms O forms O +an O an O +echosistem O echosistem O +of O of O +hapijs B-Library hapijs O +plugins O plugins O +that O that O +combined O combined O +togheter O togheter O +can O can O +provide O provide O +a O a O +full-range O full-range O +of O of O +functionalities O functionalities O +required O required O +from O from O +a O a O +full O full O +stack O stack O +profesional O profesional O +web O web O +application O application O +: O : O + +Octobus B-Library Octobus O + +Makeen B-Application Makeen O +Router O Router O + +Makeen B-Application Makeen O +Core O Core O + +Makeen B-Application Makeen O +Mailer O Mailer O + +Makeen B-Application Makeen O +User O User O + +Makeen B-Application Makeen O +Storage O Storage O + +Makeen B-Application Makeen O +Monitoring O Monitoring O + +Makeen B-Application Makeen O +Documentation O Documentation O + +Makeen B-Application Makeen O +Virtual O Virtual O +Machines O Machines O + +Build O Build O +and O and O +Deployment O Deployment O + +Lorem O Lorem O +ipsum O ipsum O +dolor O dolor O +sit O sit O +amet O amet O +, O , O +an O an O +civibus O civibus O +partiendo O partiendo O +interpretaris O interpretaris O +sed O sed O +, O , O +paulo O paulo O +mucius O mucius O +ut O ut O +vim O vim O +. O . O + +In O In O +diceret O diceret O +propriae O propriae O +reformidans O reformidans O +est O est O +, O , O +et O et O +nec O nec O +fabellas O fabellas O +deserunt O deserunt O +quaestio O quaestio O +, O , O +ut O ut O +agam O agam O +laudem O laudem O +reprehendunt O reprehendunt O +vix O vix O +. O . O + +Usu O Usu O +ex O ex O +veritus O veritus O +accusamus O accusamus O +. O . O + +Duo O Duo O +an O an O +choro O choro O +voluptaria O voluptaria O +, O , O +diceret O diceret O +graecis O graecis O +vivendo O vivendo O +ex O ex O +has O has O +. O . O + +Contributing O Contributing O + +You O You O +can O can O +contribute O contribute O +by O by O +: O : O + +creating O creating O +a O a O +github B-Website github O +issue O issue O + +creating O creating O +a O a O +github B-Website github O +pull O pull O +request O request O + +getting O getting O +in O in O +touch O touch O + +Credits O Credits O + +Meet O Meet O +the O the O +swiss-army O swiss-army O +team O team O +behind O behind O +Makeen B-Application Makeen O +: O : O + +Abdul B-User_Name Abdul O +Masri I-User_Name Masri O + +Ameer B-User_Name Ameer O +Al I-User_Name Al O +Sayyed I-User_Name Sayyed O + +Catalin B-User_Name Catalin O +Rizea I-User_Name Rizea O + +Dan B-User_Name Dan O +Ochiana I-User_Name Ochiana O + +Nick B-User_Name Nick O +Burke I-User_Name Burke O + +Nicolas B-User_Name Nicolas O +Embleton I-User_Name Embleton O + +Olya B-User_Name Olya O +Surits I-User_Name Surits O + +Victor B-User_Name Victor O +Zamfir I-User_Name Zamfir O + +License O License O + +Makeen B-Application Makeen O +is O is O +licensed O licensed O +under O under O +the O the O +MIT B-Licence MIT O +license I-Licence license O +. O . O + +Get O Get O +in O in O +Touch O Touch O + +What O What O +are O are O +you O you O +waiting O waiting O +for O for O +? O ? O + +let O let O +us O us O +know O know O +what O what O +you O you O +think O think O +on O on O +: O : O + +StackOverflow B-Website StackOverflow O + +Twitter B-Website Twitter O + +Slack B-Website Slack O + +Reddit B-Website Reddit O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/4 O https://github.com/rcfbanalysis/rcfbscraper/issues/4 O + +I O I O +can O can O +also O also O +take O take O +care O care O +of O of O +this O this O +Issue O Issue O +. O . O + +If O If O +you O you O +just O just O +work O work O +on O on O +parsing O parsing O +out O out O +of O of O +Penalties/Kicks/Timeouts O Penalties/Kicks/Timeouts O +I O I O +can O can O +do O do O +this O this O +logic O logic O +. O . O + +Regex B-Algorithm Regex O +is O is O +n't O n't O +my O my O +strong O strong O +point O point O +, O , O +and O and O +it O it O +looks O looks O +like O like O +your O your O +system O system O +is O is O +running O running O +pretty O pretty O +well O well O + + +Repository_Name O Repository_Name O +: O : O +surol/speedtest O surol/speedtest O +-cli O -cli O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/surol/speedtest-cli/issues/3 O https://github.com/surol/speedtest-cli/issues/3 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_38633 I-Code_Block GR_38633 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +brandonscott/nabu O brandonscott/nabu O +-ios O -ios O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/brandonscott/nabu-ios/issues/1 O https://github.com/brandonscott/nabu-ios/issues/1 O + +Yes O Yes O +, O , O +I O I O +know O know O +that O that O +'s O 's O +the O the O +problem O problem O +, O , O +but O but O +I O I O +wanted O wanted O +to O to O +double O double O +check O check O +my O my O +code O code O +on O on O +my O my O +local O local O +machine O machine O +first O first O +before O before O +replying O replying O +back O back O +to O to O +you O you O +:) O :) O + +The O The O +App O App O +ID O ID O +'s O 's O +are O are O +provided O provided O +per O per O +app O app O +, O , O +so O so O +I O I O +'ve O 've O +already O already O +registered O registered O +one O one O +for O for O +this O this O +app O app O +. O . O + +I O I O +just O just O +need O need O +to O to O +confirm O confirm O +that O that O +I O I O +have O have O +authorisation O authorisation O +to O to O +share O share O +this O this O +token O token O +with O with O +you O you O +as O as O +obviously O obviously O +we O we O +want O want O +to O to O +control O control O +their O their O +use O use O +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/12 O https://github.com/contributte/logging/issues/12 O + + +Coverage O Coverage O +decreased O decreased O +( O ( O +-0.4 O -0.4 O +% O % O +) O ) O +to O to O +44.444 O 44.444 O +% O % O +when O when O +pulling O pulling O +c35d2f17e66a1ec29e3e621a6b006fb1d6e498b8 O c35d2f17e66a1ec29e3e621a6b006fb1d6e498b8 O +on O on O +RiKap:patch-1 O RiKap:patch-1 O +into O into O +a79d14d62b400a09cdf297de7a8db212541d7740 O a79d14d62b400a09cdf297de7a8db212541d7740 O +on O on O +contributte:master O contributte:master O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/16 O https://github.com/google-ar/arcore-unreal-sdk/issues/16 O + +Hello O Hello O +, O , O +I O I O +'m O 'm O +testing O testing O +current O current O +build O build O +, O , O +I O I O +use O use O +simple O simple O +cube O cube O +with O with O +the O the O +animated O animated O +material O material O +from O from O +the O the O +video B-File_Type video O +file O file O +. O . O + +So O So O +I O I O +created O created O +: O : O + +Video B-File_Type Video O +file O file O +1024x1024px O 1024x1024px O +, O , O +x.264 O x.264 O +from O from O +After B-Application After O +Effects I-Application Effects O +, O , O + +Placed O Placed O +it O it O +to O to O +Movies B-File_Name Movies O +folder O folder O +, O , O +precache O precache O +in O in O +unchecked O unchecked O +, O , O + +Created O Created O +regular O regular O +setup O setup O +for O for O +loopable O loopable O +material O material O +: O : O +Media B-Application Media O +Player I-Application Player O +, O , O +Unlit B-Application Unlit O +material I-Application material O +, O , O + +Created O Created O +a O a O +BP_Cube O BP_Cube O +with O with O +Even O Even O +Begin O Begin O +Play O Play O +and O and O +MediaPlayer B-Application MediaPlayer O +-> O -> O +Open O Open O +SOurce O SOurce O +with O with O +the O the O +file O file O +material O material O +and O and O +it O it O +should O should O +be O be O +play O play O +as O as O +soon O soon O +as O as O +I O I O +spawn O spawn O +the O the O +object O object O +, O , O +but O but O +it O it O +'s O 's O +just O just O +comes O comes O +as O as O +a O a O +pure O pure O +super O super O +black O black O +material O material O +. O . O + +How O How O +to O to O +make O make O +video B-User_Interface_Element video O +materials O materials O +work O work O +please O please O +? O ? O + +UE B-Application UE O +4.19.1 B-Version 4.19.1 O +ArCore B-Application ArCore O +1.2 B-Version 1.2 O +release O release O +, O , O +Samsung B-Device Samsung O +S8 I-Device S8 O +, O , O +Andoid B-Operating_System Andoid O +8 B-Version 8 O +. O . O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/3 O https://github.com/moxie-lean/ng-patternlab/issues/3 O + +This O This O +is O is O +the O the O +existing O existing O +one O one O +: O : O +https://github.com/moxienyc/skaled.com-web-app/tree/develop/app/components/widgets O https://github.com/moxienyc/skaled.com-web-app/tree/develop/app/components/widgets O + +It O It O +needs O needs O +to O to O +be O be O +improved O improved O +. O . O + +I O I O +think O think O +we O we O +need O need O +some O some O +config O config O +( O ( O +via O via O +a O a O +provider O provider O +set O set O +in O in O +app.config B-File_Name app.config O +) O ) O +which O which O +links O links O +widgets O widgets O +to O to O +molecules O molecules O +. O . O + +E.g O E.g O +. O . O + +if O if O +the O the O +widget B-Code_Block widget O +type I-Code_Block type O += I-Code_Block = O +' I-Code_Block ' O +leeanpreview I-Code_Block leeanpreview O +' B-Code_Block ' O +then O then O +use O use O +molecule O molecule O +x B-Variable_Name x O +, O , O +if O if O +it O it O +'s O 's O +' B-Code_Block ' O +leeanmenu I-Code_Block leeanmenu O +' B-Code_Block ' O +then O then O +use O use O +ln-m-menu B-Code_Block ln-m-menu O +, O , O +etc O etc O +. O . O + +It O It O +could O could O +have O have O +some O some O +default O default O +settings O settings O +for O for O +the O the O +leean O leean O +widgets O widgets O +( O ( O +we O we O +can O can O +also O also O +have O have O +custom O custom O +widgets O widgets O +without O without O +the O the O +leean O leean O +prefix O prefix O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +houmadi/hello O houmadi/hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/houmadi/hello-world O https://github.com/houmadi/hello-world O + +hello-world O hello-world O + +this O this O +my O my O +first O first O +using O using O +the O the O +service O service O +of O of O +gitHub B-Website gitHub O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/9 O https://github.com/contributte/logging/issues/9 O + +Thank O Thank O +you O you O +. O . O + +Repository_Name O Repository_Name O +: O : O +therek/docker O therek/docker O +-icinga2ext O -icinga2ext O + +Repository_Link O Repository_Link O +: O : O +https://github.com/therek/docker-icinga2ext O https://github.com/therek/docker-icinga2ext O + +What O What O +is O is O +icinga2ext O icinga2ext O + +This O This O +repository O repository O +contains O contains O +the O the O +source O source O +for O for O +the O the O +Icinga2 B-Application Icinga2 O +Docker I-Application Docker O +image B-User_Interface_Element image O +. O . O + +It O It O +is O is O +based O based O +heavily O heavily O +on O on O +Jordan B-User_Name Jordan O +Jethwa I-User_Name Jethwa O +'s O 's O +Icinga2 B-Application Icinga2 O +Docker I-Application Docker O +image B-User_Interface_Element image O +with O with O +some O some O +additions O additions O +: O : O + +added O added O +nslookup B-Code_Block nslookup B-Code_Block +and O and O +dig B-Code_Block dig B-Code_Block +commands O commands O +for O for O +check_dns B-Application check_dns B-Code_Block +and O and O +check_dig B-Application check_dig B-Code_Block +plugins O plugins O +; O ; O + +added O added O +whois B-Code_Block whois B-Code_Block +command O command O +; O ; O + +added O added O +Net::SNMP B-Library Net::SNMP O +Perl B-Language Perl O +module O module O +for O for O +SNMP B-Application SNMP O +Manubulon I-Application Manubulon O +plugins O plugins O +. O . O + +For O For O +container O container O +configuration O configuration O +please O please O +see O see O +jordan/icinga2 O jordan/icinga2 O +. O . O + +Usage O Usage O + +Start O Start O +a O a O +new O new O +container O container O +and O and O +bind O bind O +to O to O +host O host O +'s O 's O +port O port O +80 O 80 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_2331 I-Code_Block GR_2331 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/37 O https://github.com/spacetelescope/specview/issues/37 O + +Fixes O Fixes O +issue O issue O +#35 O #35 O + +Repository_Name O Repository_Name O +: O : O +messixing/bootstrap O messixing/bootstrap O +-social O -social O + +Repository_Link O Repository_Link O +: O : O +https://github.com/messixing/bootstrap-social O https://github.com/messixing/bootstrap-social O + +Social O Social O +Buttons B-User_Interface_Element Buttons O +for O for O +Bootstrap B-Library Bootstrap O + +Social O Social O +Buttons B-User_Interface_Element Buttons O +made O made O +in O in O +pure O pure O +CSS B-Language CSS O +based O based O +on O on O + +Bootstrap B-Library Bootstrap O +and O and O + +Font B-Application Font O +Awesome I-Application Awesome O +! O ! O + +Check O Check O +the O the O +live O live O +demo O demo O +! O ! O + +Installation O Installation O + +Include O Include O +the O the O +bootstrap-social.css B-File_Name bootstrap-social.css B-Code_Block +or O or O +bootstrap-social.less B-File_Name bootstrap-social.less B-Code_Block +in O in O +your O your O +project O project O +, O , O +or O or O +install O install O +it O it O +through O through O +Bower B-Application Bower O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4103 I-Code_Block GR_4103 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Available O Available O +classes O classes O + +btn-adn B-Library_Class btn-adn B-Code_Block + +btn-bitbucket B-Library_Class btn-bitbucket B-Code_Block + +btn-dropbox B-Library_Class btn-dropbox B-Code_Block + +btn-facebook B-Library_Class btn-facebook B-Code_Block + +btn-flickr B-Library_Class btn-flickr B-Code_Block + +btn-foursquare B-Library_Class btn-foursquare B-Code_Block + +btn-github B-Library_Class btn-github B-Code_Block + +btn-google B-Library_Class btn-google B-Code_Block + +btn-instagram B-Library_Class btn-instagram B-Code_Block + +btn-linkedin B-Library_Class btn-linkedin B-Code_Block + +btn-microsoft B-Library_Class btn-microsoft B-Code_Block + +btn-odnoklassniki B-Library_Class btn-odnoklassniki B-Code_Block + +btn-openid B-Library_Class btn-openid B-Code_Block + +btn-pinterest B-Library_Class btn-pinterest B-Code_Block + +btn-reddit B-Library_Class btn-reddit B-Code_Block + +btn-soundcloud B-Library_Class btn-soundcloud B-Code_Block + +btn-tumblr B-Library_Class btn-tumblr B-Code_Block + +btn-twitter B-Library_Class btn-twitter B-Code_Block + +btn-vimeo B-Library_Class btn-vimeo B-Code_Block + +btn-vk B-Library_Class btn-vk B-Code_Block + +btn-yahoo B-Library_Class btn-yahoo B-Code_Block + +Examples O Examples O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4104 I-Code_Block GR_4104 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Notes O Notes O + +For O For O +now O now O +I O I O +wo O wo O +n't O n't O +accept O accept O +any O any O +request O request O +for O for O +new O new O +buttons B-User_Interface_Element buttons O +as O as O +I O I O +'m O 'm O +planning O planning O +to O to O +split O split O +the O the O +main O main O +CSS B-Language CSS O +to O to O +have O have O +separate O separate O +files O files O +for O for O +all O all O +of O of O +the O the O +requested O requested O +ones O ones O +. O . O + +Repository_Name O Repository_Name O +: O : O +makeen-project/makeen O makeen-project/makeen O +-hapi O -hapi O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/viczam/makeen-hapi/issues/55 O https://github.com/viczam/makeen-hapi/issues/55 O + +WS O WS O +Jira B-Application Jira O +Ticket O Ticket O +: O : O +ACP-44 O ACP-44 O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/30 O https://github.com/mapbox/tile-count/issues/30 O + +Actually O Actually O +I O I O +think O think O +I O I O +made O made O +a O a O +typo O typo O +and O and O +was O was O +doing O doing O +bitmaps B-Data_Structure bitmaps O +in O in O +both O both O +cases O cases O +. O . O + +Vector B-Data_Structure Vector O +succeeded O succeeded O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_32806 I-Code_Block GR_32806 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +so O so O +I O I O +think O think O +it O it O +probably O probably O +is O is O +a O a O +PNG B-File_Type PNG O +bug O bug O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/42 O https://github.com/demigor/lex.db/issues/42 O + +Thanks O Thanks O +for O for O +responding O responding O +- O - O +I O I O +have O have O +tried O tried O +both O both O +with O with O +& O & O +without O without O +reference O reference O +in O in O +the O the O +native O native O +iOS B-Operating_System iOS O +project O project O +, O , O +to O to O +no O no O +avail O avail O +. O . O + +I O I O +should O should O +note O note O +that O that O +it O it O +also O also O +does O does O +not O not O +work O work O +in O in O +Native O Native O +Xamarin.iOS B-Application Xamarin.iOS O +( O ( O +see O see O +screenshot O screenshot O +) O ) O +. O . O + +I O I O +am O am O +using O using O +Xamarin B-Application Xamarin O +Studio I-Application Studio O +, O , O +if O if O +that O that O +matters O matters O +.. O .. O +. O . O + +I O I O +'m O 'm O +using O using O +v1.2.6 B-Version v1.2.6 O + +Repository_Name O Repository_Name O +: O : O +lengchiva/ruc_github.com O lengchiva/ruc_github.com O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lengchiva/ruc_github.com/issues/1 O https://github.com/lengchiva/ruc_github.com/issues/1 O + +Just O Just O +som O som O +content O content O +home O home O +page O page O +update O update O +:eyes O :eyes O +: O : O + +Repository_Name O Repository_Name O +: O : O +Forneus/programmering O Forneus/programmering O +-a-inlamningar O -a-inlamningar O + +Repository_Link O Repository_Link O +: O : O +https://github.com/Forneus/programmering-a-inlamningar O https://github.com/Forneus/programmering-a-inlamningar O + +Programmering O Programmering O +A O A O +Inlämningar O Inlämningar O + +Inlämning O Inlämning O +vt O vt O +2012 O 2012 O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/21 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/21 O + +LGTM O LGTM O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/3 O https://github.com/rgeo/rgeo-activerecord/issues/3 O + +Cool O Cool O +! O ! O + +Man O Man O +, O , O +you O you O +'re O 're O +a O a O +responsive O responsive O +maintainer O maintainer O +! O ! O + +:) O :) O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/3 O https://github.com/numen31337/AKVideoImageView/issues/3 O + +Have O Have O +breakpoints O breakpoints O +enabled O enabled O +: O : O + +Then O Then O +when O when O +it O it O +crashes O crashes O +make O make O +a O a O +screenshot O screenshot O +of O of O +the O the O +stack O stack O +: O : O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/5 O https://github.com/rcfbanalysis/rcfbscraper/issues/5 O + +Perhaps O Perhaps O +the O the O +best O best O +way O way O +to O to O +simply O simply O +implement O implement O +this O this O +is O is O +perform O perform O +the O the O +following O following O +checks O checks O +: O : O + +If B-Code_Block If O +down I-Code_Block down O +< I-Code_Block < O +previous I-Code_Block previous O +down I-Code_Block down O +&& I-Code_Block && O +! I-Code_Block ! O +first_down I-Code_Block first_down O +ERROR I-Code_Block ERROR O + +if B-Code_Block if O +SPOT I-Code_Block SPOT O +on I-Code_Block on O +1st I-Code_Block 1st O +down I-Code_Block down O +is I-Code_Block is O +>= I-Code_Block >= O +than I-Code_Block than O +spot I-Code_Block spot O +on I-Code_Block on O +previous I-Code_Block previous O +1st I-Code_Block 1st O +down I-Code_Block down O +-10 I-Code_Block -10 O +. I-Code_Block . O + +( B-Code_Block ( O +unless I-Code_Block unless O +penalties I-Code_Block penalties O +) I-Code_Block ) O +ERROR B-Code_Block ERROR O + +if B-Code_Block if O +ERROR I-Code_Block ERROR O +: I-Code_Block : O +for I-Code_Block for O +play I-Code_Block play O +in I-Code_Block in O +drive I-Code_Block drive O +: I-Code_Block : O +#remove I-Code_Block #remove O +duplicate I-Code_Block duplicate O +plays I-Code_Block plays O + +ESPN B-Organization ESPN O +PBP O PBP O +data O data O +also O also O +will O will O +recap O recap O +a O a O +drive O drive O +, O , O +It O It O +may O may O +help O help O +if O if O +we O we O +cross O cross O +check O check O +our O our O +# O # O +of O of O +plays O plays O +and O and O +yards O yards O +with O with O +this O this O +data O data O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/25 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/25 O + +In O In O +modern O modern O +clustered O clustered O +build O build O +systems O systems O +, O , O +BuildHost O BuildHost O +information O information O +is O is O +not O not O +really O really O +useful O useful O +anymore O anymore O +and O and O +is O is O +better O better O +handled O handled O +by O by O +the O the O +build O build O +system O system O +itself O itself O +. O . O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/13 O https://github.com/svenstaro/flamejam/issues/13 O + +I O I O +have O have O +a O a O +bunch O bunch O +of O of O +small O small O +suggestions O suggestions O +to O to O +improve O improve O +the O the O +design/usability O design/usability O +of O of O +the O the O +site O site O +: O : O + +jams/jamname/rate O jams/jamname/rate O +: O : O + +Make O Make O +" O " O +<< O << O +back O back O +to O to O +the O the O +jam" O jam" O +more O more O +visible O visible O +or O or O +make O make O +"loljam" O "loljam" O +in O in O +"loljam O "loljam O +>> O >> O +rating O rating O +" O " O +clickable O clickable O +. O . O + +jams/jamname O jams/jamname O +: O : O + +Change O Change O +entry O entry O +name O name O +color O color O +for O for O +each O each O +entry O entry O +that O that O +I O I O +'ve O 've O +already O already O +voted O voted O +on O on O +. O . O + +( O ( O +or O or O +do O do O +the O the O +" O " O +rated O rated O +" O " O +/ O / O +" O " O +pending O pending O +" O " O +thing O thing O +) O ) O + +jams/jamname/somegame O jams/jamname/somegame O +: O : O + +Show O Show O +the O the O +voting O voting O +details O details O +for O for O +my O my O +own O own O +vote O vote O +, O , O +even O even O +if O if O +ratings O ratings O +are O are O +hidden O hidden O +. O . O + +The O The O +announcement O announcement O +header O header O +: O : O + +Give O Give O +it O it O +a O a O +bit O bit O +of O of O +background B-User_Interface_Element background O +color O color O +, O , O +border B-User_Interface_Element border O +or O or O +different O different O +alignment O alignment O +, O , O +so O so O +it O it O +feels O feels O +more O more O +announcement-ish O announcement-ish O +. O . O + +" O " O +Game O Game O +jam O jam O +started O started O +" O " O +could O could O +be O be O +" O " O +Game O Game O +jam O jam O +loljam1 O loljam1 O +started O started O +" O " O +or O or O +" O " O +loljam1 O loljam1 O +started O started O +" O " O + +The O The O +front O front O +page O page O +could O could O +also O also O +use O use O +some O some O +pictures B-User_Interface_Element pictures O +. O . O + +Each O Each O +jam O jam O +could O could O +have O have O +its O its O +own O own O +little O little O +logo/icon/picture B-User_Interface_Element logo/icon/picture O +- O - O +they O they O +could O could O +be O be O +based O based O +on O on O +the O the O +jam O jam O +theme O theme O +. O . O + +Maybe O Maybe O +have O have O +a O a O +row O row O +of O of O +randomly O randomly O +selected O selected O +games O games O +in O in O +the O the O +bottom O bottom O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/3 O https://github.com/lbarasti/gps_app/issues/3 O + +up O up O +to O to O +5 O 5 O +fading O fading O +buses O buses O +should O should O +be O be O +shown O shown O + +Repository_Name O Repository_Name O +: O : O +gpavlidi/lufthansa O gpavlidi/lufthansa O +-seat-checker O -seat-checker O + +Repository_Link O Repository_Link O +: O : O +https://github.com/gpavlidi/lufthansa-seat-checker O https://github.com/gpavlidi/lufthansa-seat-checker O + +lufthansa-seat-checker O lufthansa-seat-checker O + +Cronnable O Cronnable O +script O script O +that O that O +checks O checks O +your O your O +Lufthansa B-Organization Lufthansa O +reservation O reservation O +seat O seat O +numbers O numbers O +, O , O +and O and O +notifies O notifies O +you O you O +if O if O +they O they O +re O re O +not O not O +the O the O +expected O expected O +. O . O + +Why O Why O +? O ? O + +After O After O +realising O realising O +( O ( O +a O a O +day O day O +before O before O +my O my O +flight O flight O +) O ) O +that O that O +my O my O +months-ago O months-ago O +assigned O assigned O +( O ( O +and O and O +payed O payed O +) O ) O +seats O seats O +are O are O +gone O gone O +, O , O +I O I O +decided O decided O +to O to O +closely O closely O +monitor O monitor O +the O the O +seat O seat O +assignment O assignment O +, O , O +especially O especially O +since O since O +this O this O +has O has O +happened O happened O +to O to O +me O me O +twice O twice O +in O in O +two O two O +separate O separate O +flights O flights O +. O . O + +Repository_Name O Repository_Name O +: O : O +AhmedAMohamed/UberLikeApplicationService O AhmedAMohamed/UberLikeApplicationService O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/AhmedAMohamed/UberLikeApplicationService/issues/4 O https://github.com/AhmedAMohamed/UberLikeApplicationService/issues/4 O + +Signed-off-by O Signed-off-by O +: O : O +Ahmed B-User_Name Ahmed O +Alaa I-User_Name Alaa O +ahmedalaa3307023@gmail.com O ahmedalaa3307023@gmail.com O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/4 O https://github.com/rpcope1/Hantek6022API/issues/4 O + +Nice O Nice O +work O work O +. O . O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Repository_Link O Repository_Link O +: O : O +https://github.com/diasdavid/interface-record-store O https://github.com/diasdavid/interface-record-store O + +interface-record-store B-Library interface-record-store O + + +A O A O +test O test O +suite O suite O +and O and O +interface O interface O +you O you O +can O can O +use O use O +to O to O +implement O implement O +a O a O +a O a O +IPRS O IPRS O +compliant O compliant O +Record B-Library Record O +Store I-Library Store O +. O . O + +The O The O +primary O primary O +goal O goal O +of O of O +this O this O +module O module O +is O is O +to O to O +enable O enable O +developers O developers O +to O to O +pick O pick O +and O and O +swap O swap O +their O their O +Record B-Library Record O +Store I-Library Store O +module O module O +as O as O +they O they O +see O see O +fit O fit O +for O for O +their O their O +libp2p B-Library libp2p O +installation O installation O +, O , O +without O without O +having O having O +to O to O +go O go O +through O through O +shims O shims O +or O or O +compatibility O compatibility O +issues O issues O +. O . O + +This O This O +module O module O +and O and O +test O test O +suite O suite O +were O were O +heavily O heavily O +inspired O inspired O +by O by O +abstract-blob-store B-Library abstract-blob-store B-Code_Block +and O and O +interface-stream-muxer B-Library interface-stream-muxer B-Code_Block +. O . O + +Publishing O Publishing O +a O a O +test O test O +suite O suite O +as O as O +a O a O +module O module O +lets O lets O +multiple O multiple O +modules O modules O +all O all O +ensure O ensure O +compatibility O compatibility O +since O since O +they O they O +use O use O +the O the O +same O same O +test O test O +suite O suite O +. O . O + +The O The O +API B-Library API O +is O is O +presented O presented O +with O with O +both O both O +Node.js B-Application Node.js O +and O and O +Go B-Language Go O +primitives O primitives O +, O , O +however O however O +, O , O +there O there O +is O is O +not O not O +actual O actual O +limitations O limitations O +for O for O +it O it O +to O to O +be O be O +extended O extended O +for O for O +any O any O +other O other O +language O language O +, O , O +pushing O pushing O +forward O forward O +the O the O +cross O cross O +compatibility O compatibility O +and O and O +interop O interop O +through O through O +diferent O diferent O +stacks O stacks O +. O . O + +Modules O Modules O +that O that O +implement O implement O +the O the O +interface O interface O + +ipfs-distributed-record-store B-Library ipfs-distributed-record-store O + +ipfs-kad-record-store O ipfs-kad-record-store O + +Badge O Badge O + +Include O Include O +this O this O +badge O badge O +in O in O +your O your O +readme B-File_Name readme O +if O if O +you O you O +make O make O +a O a O +module O module O +that O that O +is O is O +compatible O compatible O +with O with O +the O the O +interface-record-store B-Library interface-record-store O +API I-Library API O +. O . O + +You O You O +can O can O +validate O validate O +this O this O +by O by O +running O running O +the O the O +tests O tests O +. O . O + +How O How O +to O to O +use O use O +the O the O +battery O battery O +of O of O +tests O tests O + +Node.js B-Application Node.js O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_188483 I-Code_Block GR_188483 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Go B-Language Go O + +WIP O WIP O + +API B-Library API O + +A O A O +valid O valid O +( O ( O +read O read O +: O : O +that O that O +follows O follows O +this O this O +abstraction O abstraction O +) O ) O +stream O stream O +muxer O muxer O +, O , O +must O must O +implement O implement O +the O the O +following O following O +API O API O +. O . O + +Obtain O Obtain O +a O a O +Record O Record O + +Node.js B-Application Node.js B-Code_Block +rs.get B-Code_Block rs.get O +( B-Code_Block ( O +key I-Code_Block key O +, I-Code_Block , O +function I-Code_Block function O +( I-Code_Block ( O +err I-Code_Block err O +, I-Code_Block , O +records I-Code_Block records O +) I-Code_Block ) O +{} B-Code_Block {} O +) I-Code_Block ) O + +This O This O +method O method O +returns O returns O +an O an O +array B-Data_Structure array O +of O of O +records O records O +, O , O +found O found O +in O in O +the O the O +Record B-Library Record O +Store I-Library Store O +. O . O + +If O If O +err B-Library_Variable err B-Code_Block +is O is O +passed O passed O +, O , O +records B-Library_Variable records B-Code_Block +will O will O +be O be O +a O a O +undefined O undefined B-Code_Block +value O value O +. O . O + +key B-Library_Variable key B-Code_Block +is O is O +a O a O +multihash O multihash O +value O value O +that O that O +represents O represents O +any O any O +arbitraty O arbitraty O +random O random O +value O value O +, O , O +that O that O +may O may O +have O have O +records O records O +associated O associated O +with O with O +it O it O +. O . O + +Store O Store O +a O a O +Record O Record O + +Node B-Application Node B-Code_Block +. I-Application . I-Code_Block +js I-Application js I-Code_Block +rs B-Code_Block rs O +. I-Code_Block . O +put(key I-Code_Block put(key O +, I-Code_Block , O +recordSignatureMultiHash I-Code_Block recordSignatureMultiHash O +, I-Code_Block , O +function I-Code_Block function O +( I-Code_Block ( O +err I-Code_Block err O +) I-Code_Block ) O +{}) I-Code_Block {}) O + +recordSignatureMultihash B-Library_Variable recordSignatureMultihash B-Code_Block +is O is O +multihash O multihash O +of O of O +the O the O +Record O Record O +Signature O Signature O +MerkleDAG O MerkleDAG O +obj O obj O +, O , O +as O as O +described O described O +by O by O +IPRS O IPRS O +- O - O +InterPlanetary O InterPlanetary O +Record O Record O +Spec O Spec O + +if O if O +err B-Library_Variable err B-Code_Block +is O is O +passed O passed O +, O , O +means O means O +that O that O +the O the O +record O record O +was O was O +n't O n't O +stored O stored O +properly O properly O +or O or O +it O it O +was O was O +unvalid O unvalid O +. O . O + +Implementation O Implementation O +considerations O considerations O + +the O the O +key B-Library_Variable key O +is O is O +a O a O +multihash O multihash O +but O but O +not O not O +necessarily O necessarily O +the O the O +hash O hash O +of O of O +the O the O +record O record O +signature O signature O +object O object O +. O . O + +a O a O +DRS O DRS O +instance O instance O +must O must O +have O have O +a O a O +mapping O mapping O +of O of O +key->[hash(recordSignature)] B-Library_Variable key->[hash(recordSignature)] O +to O to O +know O know O +which O which O +records O records O +belong O belong O +to O to O +a O a O +given O given O +key B-Library_Variable key O +( O ( O +provided O provided O +value O value O +) O ) O + +DRS O DRS O +implements O implements O +the O the O +interface-record-store B-Library interface-record-store O +interface O interface O + +DRS O DRS O +may O may O +levarage O levarage O +other O other O +implementations O implementations O +of O of O +interface-record-store B-Library interface-record-store O +to O to O +find O find O +records O records O +in O in O +the O the O +network O network O +or O or O +other O other O +storage O storage O +mechanisms O mechanisms O + +DRS O DRS O +should O should O +return O return O +every O every O +valid O valid O +record O record O +it O it O +can O can O +find O find O +in O in O +a O a O +query O query O + +all O all O +unvalid O unvalid O +records O records O +detected O detected O +in O in O +the O the O +process O process O +should O should O +be O be O +discarded/deleted O discarded/deleted O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/249 O https://github.com/katzer/cordova-plugin-background-mode/issues/249 O + +On O On O +Android B-Operating_System Android O +the O the O +notification O notification O +will O will O +always O always O +recreated O recreated O +when O when O +updating O updating O +e.g O e.g O +. O . O + +the O the O +text O text O +with O with O +cordova.plugins.backgroundMode.configure B-Code_Block cordova.plugins.backgroundMode.configure B-Code_Block +( B-Code_Block ( B-Code_Block +{ I-Code_Block { I-Code_Block +text I-Code_Block text I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +Upload I-Code_Block Upload I-Code_Block +2 I-Code_Block 2 I-Code_Block +of I-Code_Block of I-Code_Block +20 I-Code_Block 20 I-Code_Block +images I-Code_Block images I-Code_Block +" I-Code_Block " I-Code_Block +} I-Code_Block } I-Code_Block +) I-Code_Block ) I-Code_Block +; B-Code_Block ; B-Code_Block +. O . O + +This O This O +will O will O +result O result O +in O in O +a O a O +flickering O flickering O +notification O notification O +because O because O +the O the O +old O old O +notification O notification O +will O will O +be O be O +replaced O replaced O +with O with O +a O a O +new O new O +one O one O +. O . O + +If O If O +you O you O +only O only O +want O want O +to O to O +update O update O +elements O elements O +in O in O +the O the O +notification O notification O +you O you O +have O have O +to O to O +keep O keep O +the O the O +old O old O +Notification.Builder B-Library_Class Notification.Builder B-Code_Block +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/13 O https://github.com/google-ar/arcore-unreal-sdk/issues/13 O + +Hi O Hi O +, O , O +can O can O +you O you O +describe O describe O +what O what O +happened O happened O +after O after O +you O you O +start O start O +the O the O +HelloAR B-Application HelloAR O +app O app O +? O ? O + +Is O Is O +there O there O +any O any O +error O error O +message O message O +on O on O +the O the O +screen O screen O +? O ? O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/19 O https://github.com/koding/kd-atom/issues/19 O + +TODO O TODO O +: O : O + +[ O [ O +] O ] O +check O check O +with O with O +a O a O +light O light O +ui O ui O +theme O theme O + +[ O [ O +] O ] O +turn O turn O +on/off O on/off O +should O should O +receive O receive O +related O related O +machine B-Device machine O +instance O instance O + +[ O [ O +] O ] O +show O show O +logs O logs O +should O should O +receive O receive O +related O related O +machine B-Device machine O +instance O instance O + +Not O Not O +required O required O +but O but O +good O good O +improvement O improvement O +: O : O + +add O add O +mount/unmount O mount/unmount O +button B-User_Interface_Element button O +for O for O +each O each O +machine B-Device machine O + +add O add O +show O show O +offline O offline O +checkbox B-User_Interface_Element checkbox O +to O to O +list O list O +all O all O +machines B-Device machines O + +better O better O +filtering O filtering O +options O options O +( O ( O +filter O filter O +by O by O +each O each O +column B-Data_Structure column O +) O ) O + +use O use O +SelectListView B-Library SelectListView B-Code_Block +and O and O +implement O implement O +keybindings O keybindings O +for O for O +each O each O +action O action O +while O while O +this O this O +panel O panel O +is O is O +activated O activated O + +turn O turn O +on/off O on/off O +keybinding O keybinding O + +show O show O +logs O logs O +keybinding O keybinding O + +set O set O +always O always O +on O on O +state O state O +keybinding O keybinding O + +possibly O possibly O +mount/unmount O mount/unmount O +keybinding O keybinding O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/9 O https://github.com/rcfbanalysis/rcfbscraper/issues/9 O + +Simply O Simply O +fixes O fixes O +a O a O +few O few O +issues O issues O +: O : O + +Drives O Drives O +can O can O +now O now O +span O span O +quarters O quarters O +. O . O + +Removes O Removes O +( O ( O +Alerts O Alerts O +) O ) O +exact O exact O +duplicate O duplicate O +plays O plays O +. O . O + +Alerts O Alerts O +when O when O +Drive O Drive O +summary O summary O +does O does O +not O not O +match O match O +PBP O PBP O +data O data O + +Removed O Removed O +csv B-File_Type csv O +and O and O +TXT B-File_Type TXT O +files O files O +, O , O +Were O Were O +making O making O +commits O commits O +unmanageable O unmanageable O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/2 O https://github.com/numen31337/AKVideoImageView/issues/2 O + +Hey O Hey O +@zfrankz B-User_Name @zfrankz O +. O . O + +I O I O +will O will O +look O look O +into O into O +this O this O +today O today O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/34 O https://github.com/google-ar/arcore-unreal-sdk/issues/34 O + +Glad O Glad O +it O it O +works O works O +for O for O +you O you O +! O ! O + +Closing O Closing O +the O the O +bug O bug O +now O now O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/9 O https://github.com/demigor/lex.db/issues/9 O + +Nice O Nice O +catch O catch O +! O ! O + +The O The O +bug O bug O +was O was O +caused O caused O +by O by O +incorrect O incorrect O +( O ( O +legacy O legacy O +) O ) O +usage O usage O +of O of O +data O data O +indexes O indexes O +for O for O +PK O PK O +nodes O nodes O +removal O removal O +. O . O + +Fixed O Fixed O +! O ! O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/79 O https://github.com/spacetelescope/specview/issues/79 O + +@ibusko B-User_Name @ibusko O +, O , O +this O this O +is O is O +superseded O superseded O +by O by O +specviz B-Library specviz B-Code_Block +, O , O +right O right O +? O ? O + +Repository_Name O Repository_Name O +: O : O +wsergio/ophmisu O wsergio/ophmisu O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsergio/ophmisu/issues/1 O https://github.com/wsergio/ophmisu/issues/1 O + +http://cl.ly/image/1a1D44053S1W O http://cl.ly/image/1a1D44053S1W O + +Repository_Name O Repository_Name O +: O : O +progdude/Flicks O progdude/Flicks O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/progdude/Flicks/issues/2 O https://github.com/progdude/Flicks/issues/2 O + +Had O Had O +a O a O +lot O lot O +of O of O +fun O fun O +creating O creating O +this O this O +app O app O +! O ! O + +Hope O Hope O +you O you O +guys O guys O +enjoy O enjoy O +it O it O +! O ! O + +/cc O /cc O +@codepathreview B-User_Name @codepathreview O + +Repository_Name O Repository_Name O +: O : O +makeen-project/makeen O makeen-project/makeen O +-hapi O -hapi O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/viczam/makeen-hapi/issues/52 O https://github.com/viczam/makeen-hapi/issues/52 O + +WS O WS O +Jira B-Application Jira O +Ticket O Ticket O +: O : O +ACP-47 O ACP-47 O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/91 O https://github.com/svenstaro/flamejam/issues/91 O + +You O You O +do O do O +n't O n't O +actually O actually O +need O need O +mysql B-Application mysql O +. O . O + +It O It O +'s O 's O +just O just O +that O that O +we O we O +in O in O +particular O particular O +use O use O +mysql-python B-Application mysql-python O +but O but O +you O you O +can O can O +use O use O +whatever O whatever O +backend O backend O +. O . O + +Default O Default O +is O is O +sqlite B-Application sqlite O +anyhow O anyhow O +. O . O + +Anyone O Anyone O +who O who O +uses O uses O +the O the O +mysql B-Application mysql O +backend O backend O +will O will O +have O have O +mysql B-Application mysql O +installed O installed O +anyhow O anyhow O +. O . O + +Also O Also O +, O , O +you O you O +could O could O +use O use O +mariadb B-Application mariadb O +instead O instead O +of O of O +mysql B-Application mysql O +. O . O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/1 O https://github.com/spacetelescope/specview/issues/1 O + +Certainly O Certainly O +these O these O +are O are O +all O all O +good O good O +things O things O +. O . O + +I O I O +'d O 'd O +add O add O +wavelength B-Variable_Name wavelength O +modifiers O modifiers O +as O as O +well O well O +( O ( O +z O z O +being O being O +one O one O +example O example O +, O , O +but O but O +other O other O +simple O simple O +transformations O transformations O +such O such O +as O as O +simple O simple O +offset O offset O +to O to O +correspond O correspond O +to O to O +the O the O +alignment O alignment O +needs O needs O +of O of O +Jeff B-User_Name Jeff O +) O ) O +. O . O + +As O As O +for O for O +Glue B-Application Glue O +data O data O +set O set O +columns B-Data_Structure columns O +, O , O +we O we O +should O should O +see O see O +if O if O +that O that O +works O works O +well O well O +outside O outside O +of O of O +glue B-Application glue O +. O . O + +That O That O +should O should O +have O have O +some O some O +thought O thought O +. O . O + +Perhaps O Perhaps O +not O not O +immediately O immediately O +implemented O implemented O +, O , O +but O but O +something O something O +to O to O +keep O keep O +in O in O +mind O mind O +. O . O + +Repository_Name O Repository_Name O +: O : O +andrewreeman/simpleSF_Player O andrewreeman/simpleSF_Player O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/andrewreeman/Simple-soundfile-player/issues/16 O https://github.com/andrewreeman/Simple-soundfile-player/issues/16 O + +Appears O Appears O +to O to O +be O be O +a O a O +PA O PA O +problem O problem O +. O . O + +Create O Create O +a O a O +minim O minim O +working O working O +example O example O +. O . O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/381 O https://github.com/katzer/cordova-plugin-background-mode/issues/381 O + +Please O Please O +tell O tell O +us O us O +if O if O +you O you O +found O found O +a O a O +solution O solution O +! O ! O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/124 O https://github.com/linked-statistics/xkos/issues/124 O + +Original O Original O +issue O issue O +: O : O +#84 O #84 O + +Next O Next O +to O to O +the O the O +XKOS B-Library XKOS O +spec O spec O +, O , O +a O a O +guideline O guideline O +document O document O +could O could O +be O be O +produced O produced O +, O , O +to O to O +provide O provide O +indication O indication O +of O of O +how O how O +to O to O +use O use O +XKOS B-Library XKOS O +in O in O +conjunction O conjunction O +with O with O +other O other O +vocabularies O vocabularies O +to O to O +express O express O +statistical O statistical O +classifications O classifications O +. O . O + +Repository_Name O Repository_Name O +: O : O +krodrigues/clientImageSelectCropper O krodrigues/clientImageSelectCropper O + +Repository_Link O Repository_Link O +: O : O +https://github.com/krodrigues/clientImageSelectCropper O https://github.com/krodrigues/clientImageSelectCropper O + +clientImageSelectCropper B-Application clientImageSelectCropper O + +Select O Select O +, O , O +Crop O Crop O +, O , O +Preview O Preview O +and O and O +Save O Save O +image B-User_Interface_Element image O +in O in O +the O the O +client B-Application client O +side I-Application side O +with O with O +javascript B-Language javascript O + +All O All O +in O in O +Client B-Application Client O +side I-Application side O + +Using O Using O +Jcrop B-Application Jcrop O +to O to O +crop O crop O +image B-User_Interface_Element image O +, O , O +and O and O +a O a O +dynamic O dynamic O +canvas B-Library_Class canvas O +to O to O +generate O generate O +an O an O +image B-User_Interface_Element image O +in O in O +base O base O +64 O 64 O +format O format O +, O , O +this O this O +jquery B-Library jquery O +plugin O plugin O +enables O enables O +developers O developers O +to O to O +provide O provide O +the O the O +user O user O +a O a O +fast O fast O +solution O solution O +to O to O +crop O crop O +their O their O +images B-User_Interface_Element images O +. O . O + +This O This O +approach O approach O +also O also O +provides O provides O +a O a O +good O good O +solution O solution O +to O to O +developers O developers O +, O , O +because O because O +saves O saves O +a O a O +previous O previous O +image B-User_Interface_Element image O +submition O submition O +. O . O + +This O This O +happens O happens O +because O because O +the O the O +developer O developer O +does O does O +n't O n't O +need O need O +to O to O +save O save O +the O the O +phisical O phisical O +image B-User_Interface_Element image O +in O in O +the O the O +server B-Application server O +before O before O +to O to O +show O show O +the O the O +user O user O +, O , O +saving O saving O +logic O logic O +like O like O +temp O temp O +folders O folders O +and O and O +cleaning O cleaning O +this O this O +temp O temp O +folders O folders O +. O . O + +Dependencies O Dependencies O + +jQuery B-Library jQuery O + +JCrop B-Application JCrop O + +How O How O +to O to O +use O use O + +A O A O +simple O simple O +demo O demo O +: O : O + +```html O ```html O + +01 O 01 O +- O - O +simple O simple O +select O select O +image B-User_Interface_Element image O +and O and O +crop O crop O + +result O result O +: O : O + +$ O $ O +( O ( O +" O " O +.imgTargetArea O .imgTargetArea O +" O " O +) O ) O +.clientImageSelectCropper O .clientImageSelectCropper O +( O ( O +{ O { O +afterCropped O afterCropped O +: O : O +function(imageUrl) O function(imageUrl) O +{ O { O +// O // O +now O now O +the O the O +' O ' O +imageUrl O imageUrl O +' O ' O +is O is O +the O the O +image O image O +cropped O cropped O +url O url O +. O . O + +// O // O +this O this O +url O url O +is O is O +the O the O +image B-User_Interface_Element image O +in O in O +base O base O +64 O 64 O +format O format O +. O . O + +// O // O +now O now O +in O in O +the O the O +server B-Application server O +side O side O +is O is O +the O the O +part O part O +to O to O +convert O convert O +the O the O +image B-User_Interface_Element image O +to O to O +a O a O +// O // O +normal O normal O +image B-User_Interface_Element image O +and O and O +save O save O +, O , O +or O or O +save O save O +this O this O +string B-Data_Type string O +on O on O +database O database O +. O . O +} O } O + +} O } O +) O ) O +; O ; O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_51609 I-Code_Block GR_51609 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +defaults{ O defaults{ O +textCropButton O textCropButton O +: O : O +" O " O +Crop O Crop O +" O " O +, O , O +// O // O +text O text O +in O in O +crop O crop O +button O button O +textCleanButton O textCleanButton O +: O : O +" O " O +Clean O Clean O +" O " O +, O , O +// O // O +text O text O +in O in O +clean O clean O +button B-User_Interface_Element button O + +cropBackGroundColor O cropBackGroundColor O +: O : O +" O " O +#747474 O #747474 O +" O " O +, O , O +// O // O +background O background O +color O color O +of O of O +unselected O unselected O +crop O crop O +image O image O +cropOpacity O cropOpacity O +: O : O +.4 O .4 O +, O , O +// O // O +opacity O opacity O +of O of O +background O background O +unselected O unselected O +image O image O +cropBoxWidth O cropBoxWidth O +: O : O +500 O 500 O +, O , O +// O // O +max O max O +width O width O +of O of O +crop O crop O +image O image O +cropBoxHeight O cropBoxHeight O +: O : O +300 O 300 O +, O , O +// O // O +max O max O +height O height O +of O of O +crop O crop O +image O image O + +previewPanel O previewPanel O +: O : O +undefined O undefined O +, O , O +// O // O +Div O Div O +that O that O +will O will O +be O be O +displayed O displayed O +an O an O +image O image O +preview O preview O + +errorFileNotSupported O errorFileNotSupported O +: O : O +undefined O undefined O +, O , O +// O // O +Error O Error O +raised O raised O +when O when O +the O the O +file O file O +is O is O +not O not O +supported O supported O +afterImageUploaded O afterImageUploaded O +: O : O +undefined O undefined O +, O , O +// O // O +Event O Event O +raised O raised O +when O when O +the O the O +user O user O +select O select O +an O an O +image O image O +afterCropped O afterCropped O +: O : O +undefined O undefined O +, O , O +// O // O +Event O Event O +raised O raised O +after O after O +the O the O +user O user O +crop O crop O +the O the O +image O image O +afterCleaned O afterCleaned O +: O : O +undefined O undefined O +// O // O +Event O Event O +raised O raised O +after O after O +the O the O +user O user O +clean/cancel O clean/cancel O +crop O crop O +} O } O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_51610 I-Code_Block GR_51610 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +maemori/accon O maemori/accon O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/maemori/accon/issues/1 O https://github.com/maemori/accon/issues/1 O + +The O The O +image B-User_Interface_Element image O +breaks O breaks O +on O on O +step O step O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_71995 I-Code_Block GR_71995 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +the O the O +error O error O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_71996 I-Code_Block GR_71996 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/4 O https://github.com/dhrrgn/codeigniter-uhoh/issues/4 O + +If O If O +you O you O +have O have O +to O to O +change O change O +the O the O +filename O filename O +to O to O +from O from O +My_exceptions.php B-File_Name My_exceptions.php O +to O to O +app_Exceptions.php B-File_Name app_Exceptions.php O +for O for O +instance O instance O +, O , O +you O you O +have O have O +to O to O +change O change O +it O it O +in O in O +all O all O +the O the O +files O files O +where O where O +it O it O +references O references O +to O to O +the O the O +My_exceptions B-Library_Class My_exceptions O +class O class O +. O . O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/20 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/20 O + +I O I O +'ve O 've O +fixed O fixed O +up O up O +my O my O +fork O fork O +of O of O +https://github.com/RichardN/logstash-input-s3 O https://github.com/RichardN/logstash-input-s3 O +so O so O +that O that O +the O the O +rspec B-Application rspec O +passes O passes O +if O if O +this O this O +change O change O +is O is O +made O made O +to O to O +this O this O +mixin B-Library_Class mixin O +. O . O + +The O The O +alternative O alternative O +to O to O +doing O doing O +this O this O +is O is O +that O that O +the O the O +legacy O legacy O +" O " O +credentials O credentials O +" O " O +setting O setting O +is O is O +removed O removed O +any O any O +plugin O plugin O +which O which O +uses O uses O +this O this O +mixin B-Library_Class mixin O +. O . O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/18 O https://github.com/rpcope1/Hantek6022API/issues/18 O + +This O This O +patch O patch O +adds O adds O +my O my O +custom O custom O +firmware O firmware O +and O and O +it O it O +adds O adds O +isochronous O isochronous O +support O support O +to O to O +both O both O +the O the O +firmware O firmware O +and O and O +the O the O +Python B-Language Python O +library O library O +. O . O + +It O It O +is O is O +not O not O +perfect O perfect O +but O but O +I O I O +think O think O +it O it O +is O is O +mostly O mostly O +ready O ready O +now O now O +. O . O + +There O There O +is O is O +a O a O +problem O problem O +with O with O +bulk O bulk O +transfers O transfers O +and O and O +stop_capture B-Library_Variable stop_capture B-Code_Block +: O : O +If O If O +stop_capture B-Library_Variable stop_capture B-Code_Block +is O is O +called O called O +the O the O +device O device O +will O will O +no O no O +longer O longer O +send O send O +bulk O bulk O +packages O packages O +. O . O + +This O This O +means O means O +that O that O +the O the O +bulk O bulk O +transfers O transfers O +will O will O +not O not O +clean O clean O +themselves O themselves O +up O up O +if O if O +you O you O +call O call O +stop_capture B-Library_Variable stop_capture O +before O before O +stopping O stopping O +the O the O +events O events O +. O . O + +For O For O +isochronous O isochronous O +there O there O +is O is O +no O no O +such O such O +problem O problem O +since O since O +it O it O +will O will O +still O still O +send O send O +empty O empty O +packets O packets O +every O every O +micro O micro O +frame O frame O +. O . O + +The O The O +custom O custom O +firmware O firmware O +will O will O +light O light O +the O the O +green O green O +led B-Device led O +while O while O +a O a O +capture O capture O +is O is O +in O in O +progress O progress O +. O . O + +If O If O +the O the O +led B-Device led O +does O does O +not O not O +go O go O +off O off O +, O , O +you O you O +should O should O +consider O consider O +calling O calling O +stop_capture B-Library_Variable stop_capture B-Code_Block +. O . O + +The O The O +red O red O +led B-Device led O +will O will O +blink O blink O +for O for O +a O a O +short O short O +time O time O +if O if O +a O a O +command O command O +is O is O +sent O sent O +to O to O +the O the O +scope O scope O +. O . O + +Repository_Name O Repository_Name O +: O : O +sirwilliamiv/api O sirwilliamiv/api O +-bazam O -bazam O + +Repository_Link O Repository_Link O +: O : O +https://github.com/sirwilliamiv/api-bazam O https://github.com/sirwilliamiv/api-bazam O + +api-bazam O api-bazam O + +Repository_Name O Repository_Name O +: O : O +krodrigues/clientImageSelectCropper O krodrigues/clientImageSelectCropper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/k30v1n/clientImageSelectCropper/issues/1 O https://github.com/k30v1n/clientImageSelectCropper/issues/1 O + +com.google.gson.JsonSyntaxException B-Code_Block com.google.gson.JsonSyntaxException O +: I-Code_Block : O +java.lang.IllegalStateException I-Code_Block java.lang.IllegalStateException O +: I-Code_Block : O +Expected I-Code_Block Expected O +BEGIN_ARRAY I-Code_Block BEGIN_ARRAY O +but I-Code_Block but O +was I-Code_Block was O +BEGIN_OBJECT I-Code_Block BEGIN_OBJECT O +at I-Code_Block at O +line I-Code_Block line O +1 I-Code_Block 1 O +column I-Code_Block column O +1796 I-Code_Block 1796 O +path I-Code_Block path O +$.matches[0].participants[0].stats I-Code_Block $.matches[0].participants[0].stats O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/27 O https://github.com/spacetelescope/specview/issues/27 O + +end O end O +... O ... O +for O for O +equivalent O equivalent O +widths O widths O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/5 O https://github.com/zeroepoch/plotbitrate/issues/5 O + +I O I O +'m O 'm O +new O new O +to O to O +python B-Language python O +, O , O +but O but O +I O I O +thought O thought O +I O I O +'d O 'd O +give O give O +your O your O +script O script O +a O a O +try O try O +. O . O + +Using O Using O +the O the O +basic O basic O +command O command O +" O " O +plotbitrate.py B-Code_Block plotbitrate.py O +Wildlife.mwv I-Code_Block Wildlife.mwv O +" O " O +gives O gives O +an O an O +error O error O +in O in O +line B-Code_Block line B-Code_Block +151 I-Code_Block 151 I-Code_Block +frame_time I-Code_Block frame_time I-Code_Block += I-Code_Block = I-Code_Block +float(node.get('pkt_pts_time')) I-Code_Block float(node.get('pkt_pts_time')) I-Code_Block +which O which O +says O says O +TypeError B-Error_Name TypeError B-Code_Block +: O : I-Code_Block +float() B-Code_Block float() I-Code_Block +argument I-Code_Block argument I-Code_Block +must I-Code_Block must I-Code_Block +be I-Code_Block be I-Code_Block +a I-Code_Block a I-Code_Block +string I-Code_Block string I-Code_Block +or I-Code_Block or I-Code_Block +a I-Code_Block a I-Code_Block +number I-Code_Block number I-Code_Block +, I-Code_Block , I-Code_Block +not I-Code_Block not I-Code_Block +' I-Code_Block ' I-Code_Block +NoneType I-Code_Block NoneType I-Code_Block +' B-Code_Block ' B-Code_Block +. I-Code_Block . O + +I O I O +have O have O +the O the O +latest O latest O +Zeranoe B-Organization Zeranoe O +build O build O +( O ( O +x64 O x64 O +Windows B-Operating_System Windows O +7 B-Version 7 O +) O ) O +of O of O +ffmpeg B-Application ffmpeg O +in O in O +my O my O +path O path O +. O . O + +FFprobe B-Application FFprobe O +seems O seems O +to O to O +read O read O +the O the O +default O default O +video B-File_Type video O +file O file O +without O without O +problems O problems O +, O , O +but O but O +I O I O +have O have O +no O no O +experience O experience O +with O with O +processing O processing O +xml B-Language xml O +. O . O + +Is O Is O +this O this O +a O a O +problem O problem O +with O with O +my O my O +video O video O +source O source O +, O , O +ffprobe B-Application ffprobe O +or O or O +the O the O +python B-Language python O +script O script O +? O ? O + +Using O Using O +python B-Language python O +3.5 B-Version 3.5 O +. O . O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/4 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/4 O + +With O With O +viewmodel-react-plugin B-Library viewmodel-react-plugin O +>= O >= O +3.1.3 B-Version 3.1.3 O +my O my O +project O project O +will O will O +no O no O +longer O longer O +compile O compile O +if O if O +I O I O +have O have O +b B-Variable_Name b O += O = O +" O " O +defer O defer O +: O : O +true O true O +" O " O +anywhere O anywhere O +. O . O + +I O I O +get O get O +the O the O +babel B-Library babel O +errors O errors O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_69195 I-Code_Block GR_69195 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +the O the O +process O process O +of O of O +upgrading O upgrading O +Meteor B-Library Meteor O +1.6->1.7 B-Version 1.6->1.7 O +and O and O +React B-Library React O +15->16 B-Version 15->16 O +, O , O +I O I O +lost O lost O +the O the O +text O text O +binding O binding O +in O in O +self O self O +closing O closing O +tags O tags O +, O , O +so O so O +I O I O +upgraded O upgraded O +to O to O +viewmodel-react-plugin B-Library viewmodel-react-plugin O +@3 B-Version @3 O +.1.4 I-Version .1.4 O +which O which O +fixes O fixes O +the O the O +text O text O +problem O problem O +but O but O +my O my O +project O project O +no O no O +longer O longer O +compiles O compiles O +unless O unless O +I O I O +remove O remove O +the O the O +defer O defer O +bindings O bindings O +. O . O + +If O If O +I O I O +downgrade O downgrade O +to O to O +viewmodel-react-plugin B-Library viewmodel-react-plugin O +@3 B-Version @3 O +.1.0 I-Version .1.0 O +then O then O +it O it O +will O will O +compile O compile O +with O with O +deferred O deferred O +components O components O +, O , O +but O but O +the O the O +text O text O +binding O binding O +in O in O +self O self O +closing O closing O +text O text O +is O is O +gone O gone O +again O again O +! O ! O + +I O I O +'ve O 've O +tried O tried O +adding O adding O +the O the O +" O " B-Code_Block +deferWithRequire B-Library_Variable deferWithRequire I-Code_Block +" O " I-Code_Block +: O : I-Code_Block +" O " I-Code_Block +true O true I-Code_Block +" O " I-Code_Block +babel B-Library babel O +parameter O parameter O +but O but O +that O that O +made O made O +no O no O +difference O difference O +. O . O + +Repository_Name O Repository_Name O +: O : O +andrewreeman/simpleSF_Player O andrewreeman/simpleSF_Player O + +Repository_Link O Repository_Link O +: O : O +https://github.com/andrewreeman/simpleSF_Player O https://github.com/andrewreeman/simpleSF_Player O + +simpleSF_Player O simpleSF_Player O + +Developing O Developing O +a O a O +simple O simple O +sound B-Application sound O +file I-Application file O +player I-Application player O +. O . O + +Exploring O Exploring O +various O various O +audio O audio O +drivers B-Application drivers O +, O , O +audio O audio O +file O file O +libraries O libraries O +and O and O +then O then O +finally O finally O +various O various O +graphics O graphics O +libraries O libraries O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/61 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/61 O + +RHEL B-Application RHEL B-Code_Block +is O is O +not O not O +product O product O +name O name O +in O in O +BZ B-Application BZ O +, O , O +Red B-Application Red B-Code_Block +Hat I-Application Hat I-Code_Block +Enterprise I-Application Enterprise I-Code_Block +Linux I-Application Linux I-Code_Block +7 B-Version 7 I-Code_Block +is O is O +. O . O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/101 O https://github.com/linked-statistics/xkos/issues/101 O + +the O the O +figure O figure O +does O does O +not O not O +match O match O +the O the O +content O content O +of O of O +Example O Example O +6 O 6 O +given O given O +below O below O +it O it O +. O . O + +Repository_Name O Repository_Name O +: O : O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-Website O -Website O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/HackClub-SLHS/HackClub-Website/issues/14 O https://github.com/HackClub-SLHS/HackClub-Website/issues/14 O + +search O search O +engine O engine O +optimize O optimize O +our O our O +website O website O +so O so O +search O search O +engine O engine O +can O can O +read O read O +it O it O +and O and O +get O get O +a O a O +better O better O +score O score O + +Repository_Name O Repository_Name O +: O : O +mongrate/mongrate.com O mongrate/mongrate.com O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mongrate/mongrate.com/issues/3 O https://github.com/mongrate/mongrate.com/issues/3 O + +see O see O +https://github.com/mongrate/mongrate-bundle/pull/27 O https://github.com/mongrate/mongrate-bundle/pull/27 O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/2 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/2 O + +Wonderful O Wonderful O +! O ! O + +Thanks O Thanks O +a O a O +lot O lot O +for O for O +your O your O +excellent O excellent O +work O work O +and O and O +support O support O +! O ! O + +Ca O Ca O +n't O n't O +wait O wait O +to O to O +explore O explore O +these O these O +functionnalities O functionnalities O +now O now O +.. O .. O +. O . O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/11 O https://github.com/mfellner/webpack-sandboxed/issues/11 O + + +Update O Update O +docs O docs O + +BREAKING O BREAKING O +: O : O +return O return O +raw O raw O +buffers O buffers O +instead O instead O +of O of O +strings B-Data_Type strings O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/3 O https://github.com/rgeo/rgeo-activerecord/issues/3 O + +Sorry O Sorry O +I O I O +did O did O +n't O n't O +get O get O +back O back O +sooner O sooner O +, O , O +I O I O +'ve O 've O +been O been O +busy O busy O +. O . O + +Anyway O Anyway O +, O , O +here O here O +'s O 's O +the O the O +stack B-Data_Structure stack O +trace O trace O +I O I O +get O get O +when O when O +running O running O +it O it O +from O from O +RSpec B-Application RSpec O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27469 I-Code_Block GR_27469 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +suppose O suppose O +there O there O +should O should O +be O be O +some O some O +part O part O +of O of O +ActiveRecord B-Library ActiveRecord O +which O which O +catches O catches O +these O these O +errors O errors O +and O and O +adds O adds O +the O the O +appropriate O appropriate O +entry O entry O +into O into O +errors B-Library_Variable errors B-Code_Block +. O . O + +A O A O +simpler O simpler O +example O example O +would O would O +be O be O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27470 I-Code_Block GR_27470 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Which O Which O +gives O gives O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27471 I-Code_Block GR_27471 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +As O As O +it O it O +should O should O +, O , O +but O but O +this O this O +error O error O +should O should O +be O be O +caught O caught O +and O and O +dealt O dealt O +with O with O +at O at O +the O the O +ActiveRecord B-Library ActiveRecord O +level O level O +. O . O + +Repository_Name O Repository_Name O +: O : O +surol/speedtest O surol/speedtest O +-cli O -cli O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/surol/speedtest-cli/issues/1 O https://github.com/surol/speedtest-cli/issues/1 O + +The O The O +patch O patch O +fixes O fixes O +the O the O +following O following O +data O data O +race O race O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_66326 I-Code_Block GR_66326 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/6 O https://github.com/McMenemy/GoDoRP/issues/6 O + +Hmmm O Hmmm O +, O , O +what O what O +version O version O +of O of O +windows B-Operating_System windows O +? O ? O + +And O And O +have O have O +you O you O +updated O updated O +to O to O +the O the O +newest O newest O +, O , O +stable O stable O +Docker B-Application Docker O +for O for O +Windows B-Operating_System Windows O +? O ? O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/6 O https://github.com/rcfbanalysis/rcfbscraper/issues/6 O + +We O We O +miss O miss O +a O a O +lot O lot O +of O of O +scores O scores O +because O because O +ESPN B-Organization ESPN O +Does O Does O +n't O n't O +always O always O +say O say O +in O in O +PBP O PBP O +data O data O +( O ( O +first O first O +down O down O +possibly O possibly O +too O too O +.. O .. O +. O . O +) O ) O + +Here O Here O +is O is O +an O an O +example O example O +http://scores.espn.go.com/ncf/playbyplay?gameId=400609077&period=0 O http://scores.espn.go.com/ncf/playbyplay?gameId=400609077&period=0 O +With O With O +game O game O +data O data O +from O from O +366038820141206 O 366038820141206 O + +When O When O +we O we O +parse O parse O +out O out O +, O , O +we O we O +miss O miss O +all O all O +scoring O scoring O +plays O plays O +( O ( O +the O the O +parser O parser O +probably O probably O +sees O sees O +the O the O +word O word O +kick O kick O +and O and O +ignores O ignores O +it O it O + +We O We O +should O should O +handle O handle O +such O such O +that O that O +any O any O +BOLD O BOLD O +play O play O +, O , O +or O or O +play O play O +with O with O +a O a O +score O score O +displaying O displaying O +different O different O +than O than O +the O the O +previous O previous O +score O score O +as O as O +a O a O +scoring O scoring O +play O play O +. O . O + +Repository_Name O Repository_Name O +: O : O +jamstooks/django O jamstooks/django O +-acme-challenge O -acme-challenge O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jamstooks/django-acme-challenge/issues/1 O https://github.com/jamstooks/django-acme-challenge/issues/1 O + +nevermind O nevermind O +, O , O +found O found O +a O a O +solution O solution O +that O that O +works O works O +without O without O +any O any O +configuration O configuration O +. O . O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/27 O https://github.com/koding/kd-atom/issues/27 O + + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/92 O https://github.com/svenstaro/flamejam/issues/92 O + +Because O Because O +we O we O +forgot O forgot O +it O it O +. O . O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/8 O https://github.com/rcfbanalysis/rcfbscraper/issues/8 O + +Yeah O Yeah O +, O , O +I O I O +'ve O 've O +noticed O noticed O +the O the O +same O same O +thing O thing O +. O . O + +It O It O +only O only O +happened O happened O +about O about O +7 O 7 O +or O or O +8 O 8 O +times O times O +for O for O +all O all O +the O the O +games O games O +last O last O +year O year O +but O but O +it O it O +was O was O +still O still O +annoying O annoying O +. O . O + +I O I O +had O had O +to O to O +go O go O +in O in O +and O and O +change O change O +it O it O +by O by O +hand O hand O +. O . O + +Repository_Name O Repository_Name O +: O : O +virresh/hello O virresh/hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/virresh/hello-world O https://github.com/virresh/hello-world O + +hello-world O hello-world O + +This O This O +is O is O +a O a O +test O test O +repository O repository O +, O , O +used O used O +for O for O +temporary O temporary O +work O work O +. O . O + +Really O Really O +! O ! O + +Repository_Name O Repository_Name O +: O : O +OpenPrograms/MiscPrograms O OpenPrograms/MiscPrograms O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/OpenPrograms/MiscPrograms/issues/10 O https://github.com/OpenPrograms/MiscPrograms/issues/10 O + +Hey O Hey O +, O , O +i O i O +would O would O +like O like O +to O to O +contribute O contribute O +my O my O +hastebin B-Application hastebin O +program O program O +to O to O +the O the O +openprograms B-Application openprograms O +library O library O +. O . O + +;) O ;) O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/2 O https://github.com/libp2p/interface-record-store/issues/2 O + +I O I O +do O do O +n't O n't O +want O want O +to O to O +start O start O +a O a O +discussion O discussion O +about O about O +testing O testing O +frameworks O frameworks O +, O , O +just O just O +wondering O wondering O +why O why O +here O here O +you O you O +are O are O +using O using O +tape B-Library tape O +, O , O +and O and O +in O in O +js-ipfs-api B-Library js-ipfs-api O +for O for O +example O example O +we O we O +are O are O +using O using O +mocha B-Library mocha O +. O . O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/2 O https://github.com/thehyve/puppet-i2b2/issues/2 O + +I O I O +fixed O fixed O +the O the O +problem O problem O +with O with O +the O the O +password O password O +replacement O replacement O +. O . O + +The O The O +shortcomings O shortcomings O +( O ( O +mentioned O mentioned O +above O above O +) O ) O +with O with O +the O the O +method O method O +for O for O +this O this O +remain O remain O +. O . O + +Repository_Name O Repository_Name O +: O : O +rh443453518/wiki O rh443453518/wiki O +-word2vec O -word2vec O + +Repository_Link O Repository_Link O +: O : O +https://github.com/rh443453518/wiki-word2vec O https://github.com/rh443453518/wiki-word2vec O + +Wiki O Wiki O +Word2vec O Word2vec O + +Train O Train O +a O a O +gensim B-Application gensim O +word2vec O word2vec O +model O model O +on O on O +Wikipedia B-Website Wikipedia O +. O . O + +Most O Most O +of O of O +it O it O +is O is O +taken O taken O +from O from O +this O this O +blogpost O blogpost O +and O and O +this O this O +discussion O discussion O +. O . O + +This O This O +repository O repository O +was O was O +created O created O +mostly O mostly O +for O for O +trying O trying O +out O out O +make B-Code_Block make B-Code_Block +, O , O +see O see O +The O The O +gist O gist O +for O for O +the O the O +important O important O +stuff O stuff O +. O . O + +Note O Note O +that O that O +performance O performance O +depends O depends O +heavily O heavily O +on O on O +corpus O corpus O +size O size O +and O and O +chosen O chosen O +parameters O parameters O +( O ( O +especially O especially O +for O for O +smaller O smaller O +corpora O corpora O +) O ) O +. O . O + +Examples O Examples O +and O and O +parameters O parameters O +below O below O +are O are O +cherry-picked O cherry-picked O +. O . O + +Usage O Usage O + +Get O Get O +the O the O +code O code O +for O for O +a O a O +language O language O +( O ( O +see O see O +here O here O +) O ) O +. O . O + +Run O Run O +make B-Code_Block make B-Code_Block +with O with O +the O the O +code O code O +as O as O +the O the O +value O value O +for O for O +LANGUAGE B-Library_Variable LANGUAGE B-Code_Block +( O ( O +or O or O +change O change O +the O the O +Makefile B-File_Name Makefile O +) O ) O +. O . O + +For O For O +instance O instance O +, O , O +try O try O +Swahili O Swahili O +( O ( O +sw O sw O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9901 I-Code_Block GR_9901 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +gist O gist O + +Ignore O Ignore O +make B-Code_Block make B-Code_Block +and O and O +execute O execute O +the O the O +following O following O +bash O bash O +commands O commands O +for O for O +Swahili O Swahili O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9902 I-Code_Block GR_9902 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Train O Train O +a O a O +model O model O +in O in O +Python B-Language Python O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9903 I-Code_Block GR_9903 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Example O Example O +1 O 1 O + +Try O Try O +the O the O +old O old O +man:king O man:king O +woman O woman O +: O : O +? O ? O + +problem O problem O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9904 I-Code_Block GR_9904 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Returning O Returning O +respectively O respectively O +queen O queen O +( O ( O +jackpot O jackpot O +! O ! O +) O ) O +, O , O +Cambyses O Cambyses O +II O II O +( O ( O +a O a O +Persian O Persian O +king O king O +) O ) O +, O , O +Solomon O Solomon O +( O ( O +king O king O +of O of O +Israel O Israel O +) O ) O +, O , O +Karolo O Karolo O +Mkuu O Mkuu O +? O ? O +( O ( O +Charlemagne O Charlemagne O +? O ? O +) O ) O +and O and O +Cyrus O Cyrus O +( O ( O +a O a O +Persian O Persian O +King O King O +) O ) O +, O , O + +Example O Example O +2 O 2 O + +What O What O +does O does O +n't O n't O +match O match O +: O : O +car O car O +, O , O +train O train O +or O or O +breakfast O breakfast O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9905 I-Code_Block GR_9905 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Dependencies O Dependencies O + +Python B-Language Python O +3 B-Version 3 O + +pip B-Code_Block pip B-Code_Block +install I-Code_Block install I-Code_Block +gensim I-Code_Block gensim I-Code_Block + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/3 O https://github.com/numen31337/AKVideoImageView/issues/3 O + +No O No O +feedback O feedback O +, O , O +closing O closing O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/2 O https://github.com/op-jenkins/op-build/issues/2 O + +retest O retest O +this O this O +please O please O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/24 O https://github.com/google-ar/arcore-unreal-sdk/issues/24 O + +Ah O Ah O +, O , O +I O I O +think O think O +I O I O +know O know O +the O the O +problem O problem O +. O . O + +So O So O +Moto B-Device Moto O +G55 B-Version G55 O +may O may O +not O not O +support O support O +64bit O 64bit O +build O build O +. O . O + +Can O Can O +you O you O +try O try O +uncheck O uncheck O +arm64 O arm64 O +and O and O +check O check O +armv7 O armv7 O +checkbox B-User_Interface_Element checkbox O +under O under O +Project B-File_Name Project O +Settings->Androids I-File_Name Settings->Androids O +and O and O +package O package O +the O the O +sample O sample O +again O again O +? O ? O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Repository_Link O Repository_Link O +: O : O +https://github.com/numen31337/AKVideoImageView O https://github.com/numen31337/AKVideoImageView O + +AKVideoImageView B-Class_Name AKVideoImageView O + +Motivation O Motivation O + +AKVideoImageView B-Class_Name AKVideoImageView O +was O was O +created O created O +because O because O +I O I O +was O was O +n't O n't O +satisfied O satisfied O +with O with O +standard O standard O +Apple B-Organization Apple O +AVPlayer B-Library_Class AVPlayer O +during O during O +creating O creating O +a O a O +video B-User_Interface_Element video O +background O background O +for O for O +one O one O +of O of O +my O my O +apps O apps O +. O . O + +AVPlayer B-Library_Class AVPlayer O +does O does O +n't O n't O +let O let O +the O the O +phone B-Device phone O +to O to O +go O go O +to O to O +sleep O sleep O +mode O mode O +. O . O + +Also O Also O +, O , O +you O you O +ca O ca O +n't O n't O +insensibly O insensibly O +start O start O +a O a O +video B-User_Interface_Element video O +from O from O +the O the O +first O first O +frame O frame O +when O when O +app O app O +enters O enters O +background O background O +. O . O + +This O This O +class O class O +solves O solves O +these O these O +problems O problems O +, O , O +and O and O +in O in O +the O the O +end O end O +, O , O +you O you O +have O have O +a O a O +perfect O perfect O +solution O solution O +for O for O +making O making O +gorgeous O gorgeous O +video B-User_Interface_Element video O +backgrounds O backgrounds O +for O for O +your O your O +apps O apps O +. O . O + +Features O Features O + +Allows O Allows O +the O the O +phone B-Device phone O +to O to O +go O go O +to O to O +the O the O +sleep O sleep O +mode O mode O + +Ability O Ability O +to O to O +dynamically O dynamically O +switch O switch O +videos B-User_Interface_Element videos O + +Auto O Auto O +set O set O +the O the O +first O first O +frame O frame O +of O of O +video B-User_Interface_Element video O +to O to O +have O have O +seamless O seamless O +transition O transition O +when O when O +app O app O +returns O returns O +from O from O +background O background O + +Minimal O Minimal O +memory O memory O +footprint O footprint O + +Good O Good O +performance O performance O + +Ability O Ability O +to O to O +use O use O +mp4 B-File_Type mp4 O +files O files O +as O as O +video B-User_Interface_Element video O +source O source O + +Interface O Interface O +Builder O Builder O +support O support O + +Usage O Usage O + +Compressing O Compressing O +your O your O +video B-User_Interface_Element video O +file O file O + +Before O Before O +starting O starting O +using O using O +this O this O +class O class O +, O , O +you O you O +need O need O +to O to O +properly O properly O +compress O compress O +video B-User_Interface_Element video O +. O . O + +Here O Here O +is O is O +an O an O +example O example O +of O of O +libx264 B-Library libx264 O +compression O compression O +options O options O +on O on O +OS B-Operating_System OS O +X I-Operating_System X O +system O system O +using O using O +ffmpeg B-Application ffmpeg O +utility O utility O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_134667 I-Code_Block GR_134667 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Using O Using O +Interface O Interface O +Builder O Builder O + +Just O Just O +drag O drag O +the O the O +UIImageView B-Library_Class UIImageView B-Code_Block +to O to O +your O your O +UIView B-Library_Class UIView B-Code_Block +and O and O +set O set O +its O its O +class O class O +to O to O +the O the O +AKVideoImageView B-Class_Name AKVideoImageView B-Code_Block +. O . O + +In O In O +the O the O +Attributes O Attributes O +Inspector O Inspector O +set O set O +the O the O +Video B-User_Interface_Element Video B-Code_Block +File O File I-Code_Block +Name O Name I-Code_Block +to O to O +the O the O +name O name O +of O of O +your O your O +.mp4 B-File_Type .mp4 B-Code_Block +video B-User_Interface_Element video O +file O file O +without O without O +extension O extension O +. O . O + +See O See O +an O an O +example O example O +project O project O +for O for O +more O more O +info O info O +is O is O +needed O needed O +. O . O + +Using O Using O +Code O Code O + +Objective-C B-Language Objective-C O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_134668 I-Code_Block GR_134668 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Swift B-Language Swift O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_134669 I-Code_Block GR_134669 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Dynamically O Dynamically O +changing O changing O +video B-User_Interface_Element video O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_134670 I-Code_Block GR_134670 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Installation O Installation O + +Manually O Manually O + +Just O Just O +add O add O +AKVideoImageView.h B-File_Name AKVideoImageView.h O +and O and O +AKVideoImageView.m B-File_Name AKVideoImageView.m O +files O files O +to O to O +your O your O +project O project O +. O . O + +CocoaPods B-Application CocoaPods O + +Add O Add O +the O the O +following O following O +line O line O +to O to O +your O your O +Podfile B-File_Type Podfile O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_134671 I-Code_Block GR_134671 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +run O run O +pod B-Code_Block pod B-Code_Block +install I-Code_Block install I-Code_Block +. O . O + +License O License O +( O ( O +MIT B-Licence MIT O +) O ) O + +Copyright B-Licence Copyright O +( I-Licence ( O +c I-Licence c O +) I-Licence ) O +2017 B-Licence 2017 O +Oleksandr I-Licence Oleksandr O +Kirichenko I-Licence Kirichenko O + +Permission O Permission O +is O is O +hereby O hereby O +granted O granted O +, O , O +free O free O +of O of O +charge O charge O +, O , O +to O to O +any O any O +person O person O +obtaining O obtaining O +a O a O +copy O copy O +of O of O +this O this O +software O software O +and O and O +associated O associated O +documentation O documentation O +files O files O +( O ( O +the O the O +" O " O +Software O Software O +" O " O +) O ) O +, O , O +to O to O +deal O deal O +in O in O +the O the O +Software O Software O +without O without O +restriction O restriction O +, O , O +including O including O +without O without O +limitation O limitation O +the O the O +rights O rights O +to O to O +use O use O +, O , O +copy O copy O +, O , O +modify O modify O +, O , O +merge O merge O +, O , O +publish O publish O +, O , O +distribute O distribute O +, O , O +sublicense O sublicense O +, O , O +and/or O and/or O +sell O sell O +copies O copies O +of O of O +the O the O +Software O Software O +, O , O +and O and O +to O to O +permit O permit O +persons O persons O +to O to O +whom O whom O +the O the O +Software O Software O +is O is O +furnished O furnished O +to O to O +do O do O +so O so O +, O , O +subject O subject O +to O to O +the O the O +following O following O +conditions O conditions O +: O : O + +The O The O +above O above O +copyright O copyright O +notice O notice O +and O and O +this O this O +permission O permission O +notice O notice O +shall O shall O +be O be O +included O included O +in O in O +all O all O +copies O copies O +or O or O +substantial O substantial O +portions O portions O +of O of O +the O the O +Software O Software O +. O . O + +THE O THE O +SOFTWARE O SOFTWARE O +IS O IS O +PROVIDED O PROVIDED O +" O " O +AS O AS O +IS O IS O +" O " O +, O , O +WITHOUT O WITHOUT O +WARRANTY O WARRANTY O +OF O OF O +ANY O ANY O +KIND O KIND O +, O , O +EXPRESS O EXPRESS O +OR O OR O +IMPLIED O IMPLIED O +, O , O +INCLUDING O INCLUDING O +BUT O BUT O +NOT O NOT O +LIMITED O LIMITED O +TO O TO O +THE O THE O +WARRANTIES O WARRANTIES O +OF O OF O +MERCHANTABILITY O MERCHANTABILITY O +, O , O +FITNESS O FITNESS O +FOR O FOR O +A O A O +PARTICULAR O PARTICULAR O +PURPOSE O PURPOSE O +AND O AND O +NONINFRINGEMENT O NONINFRINGEMENT O +. O . O + +IN O IN O +NO O NO O +EVENT O EVENT O +SHALL O SHALL O +THE O THE O +AUTHORS O AUTHORS O +OR O OR O +COPYRIGHT O COPYRIGHT O +HOLDERS O HOLDERS O +BE O BE O +LIABLE O LIABLE O +FOR O FOR O +ANY O ANY O +CLAIM O CLAIM O +, O , O +DAMAGES O DAMAGES O +OR O OR O +OTHER O OTHER O +LIABILITY O LIABILITY O +, O , O +WHETHER O WHETHER O +IN O IN O +AN O AN O +ACTION O ACTION O +OF O OF O +CONTRACT O CONTRACT O +, O , O +TORT O TORT O +OR O OR O +OTHERWISE O OTHERWISE O +, O , O +ARISING O ARISING O +FROM O FROM O +, O , O +OUT O OUT O +OF O OF O +OR O OR O +IN O IN O +CONNECTION O CONNECTION O +WITH O WITH O +THE O THE O +SOFTWARE O SOFTWARE O +OR O OR O +THE O THE O +USE O USE O +OR O OR O +OTHER O OTHER O +DEALINGS O DEALINGS O +IN O IN O +THE O THE O +SOFTWARE O SOFTWARE O +. O . O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/2 O https://github.com/op-jenkins/op-build/issues/2 O + +retest O retest O +this O this O +please O please O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Repository_Link O Repository_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode O https://github.com/katzer/cordova-plugin-background-mode O + + +SAMPLE O SAMPLE O +APP O APP O +:point_right O :point_right O +: O : O + +Cordova B-Library Cordova O +Background O Background O +Plugin O Plugin O + +Plugin O Plugin O +for O for O +the O the O +Cordova B-Library Cordova O +framework O framework O +to O to O +perform O perform O +infinite O infinite O +background O background O +execution O execution O +. O . O + +Most O Most O +mobile B-Device mobile O +operating O operating O +systems O systems O +are O are O +multitasking O multitasking O +capable O capable O +, O , O +but O but O +most O most O +apps O apps O +dont O dont O +need O need O +to O to O +run O run O +while O while O +in O in O +background O background O +and O and O +not O not O +present O present O +for O for O +the O the O +user O user O +. O . O + +Therefore O Therefore O +they O they O +pause O pause O +the O the O +app O app O +in O in O +background O background O +mode O mode O +and O and O +resume O resume O +the O the O +app O app O +before O before O +switching O switching O +to O to O +foreground O foreground O +mode O mode O +. O . O + +The O The O +system O system O +keeps O keeps O +all O all O +network O network O +connections O connections O +open O open O +while O while O +in O in O +background O background O +, O , O +but O but O +does O does O +not O not O +deliver O deliver O +the O the O +data O data O +until O until O +the O the O +app O app O +resumes O resumes O +. O . O + +Store O Store O +Compliance O Compliance O + +Infinite O Infinite O +background O background O +tasks O tasks O +are O are O +not O not O +official O official O +supported O supported O +on O on O +most O most O +mobile B-Device mobile O +operation O operation O +systems O systems O +and O and O +thus O thus O +not O not O +compliant O compliant O +with O with O +public O public O +store O store O +vendors O vendors O +. O . O + +A O A O +successful O successful O +submssion O submssion O +is O is O +n't O n't O +garanteed O garanteed O +. O . O + +Use O Use O +the O the O +plugin O plugin O +by O by O +your O your O +own O own O +risk O risk O +! O ! O + +Supported O Supported O +Platforms O Platforms O + +Android/Amazon B-Operating_System Android/Amazon O +FireOS I-Operating_System FireOS O + +Browser B-Application Browser O + +iOS B-Operating_System iOS O + +Windows B-Operating_System Windows O +( O ( O +see O see O +#222 O #222 O +) O ) O + +Installation O Installation O + +The O The O +plugin O plugin O +can O can O +be O be O +installed O installed O +via O via O +Cordova-CLI B-Application Cordova-CLI O +and O and O +is O is O +publicly O publicly O +available O available O +on O on O +NPM B-Application NPM O +. O . O + +Execute O Execute O +from O from O +the O the O +projects O projects O +root O root O +folder O folder O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7223 I-Code_Block GR_7223 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +install O install O +a O a O +specific O specific O +version O version O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7224 I-Code_Block GR_7224 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +install O install O +the O the O +latest O latest O +head O head O +version O version O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7225 I-Code_Block GR_7225 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +install O install O +from O from O +local O local O +source O source O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7226 I-Code_Block GR_7226 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Usage O Usage O + +The O The O +plugin O plugin O +creates O creates O +the O the O +object O object O +cordova.plugins.backgroundMode B-Library_Class cordova.plugins.backgroundMode B-Code_Block +and O and O +is O is O +accessible O accessible O +after O after O +the O the O +deviceready O deviceready O +event O event O +has O has O +been O been O +fired O fired O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7227 I-Code_Block GR_7227 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Enable O Enable O +the O the O +background O background O +mode O mode O + +The O The O +plugin O plugin O +is O is O +not O not O +enabled O enabled O +by O by O +default O default O +. O . O + +Once O Once O +it O it O +has O has O +been O been O +enabled O enabled O +the O the O +mode O mode O +becomes O becomes O +active O active O +if O if O +the O the O +app O app O +moves O moves O +to O to O +background O background O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7228 I-Code_Block GR_7228 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +disable O disable O +the O the O +background O background O +mode O mode O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7229 I-Code_Block GR_7229 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Check O Check O +if O if O +running O running O +in O in O +background O background O + +Once O Once O +the O the O +plugin O plugin O +has O has O +been O been O +enabled O enabled O +and O and O +the O the O +app O app O +has O has O +entered O entered O +the O the O +background O background O +, O , O +the O the O +background O background O +mode O mode O +becomes O becomes O +active O active O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7230 I-Code_Block GR_7230 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +A O A O +non-active O non-active O +mode O mode O +means O means O +that O that O +the O the O +app O app O +is O is O +in O in O +foreground O foreground O +. O . O + +Listen O Listen O +for O for O +events O events O + +The O The O +plugin O plugin O +fires O fires O +an O an O +event O event O +each O each O +time O time O +its O its O +status O status O +has O has O +been O been O +changed O changed O +. O . O + +These O These O +events O events O +are O are O +enable B-Code_Block enable B-Code_Block +, O , O +disable B-Code_Block disable B-Code_Block +, O , O +activate B-Code_Block activate B-Code_Block +, O , O +deactivate B-Code_Block deactivate B-Code_Block +and O and O +failure B-Code_Block failure B-Code_Block +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7231 I-Code_Block GR_7231 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +remove O remove O +an O an O +event O event O +listeners O listeners O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7232 I-Code_Block GR_7232 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Android B-Operating_System Android O +specifics O specifics O + +Transit O Transit O +between O between O +application O application O +states O states O + +Android B-Operating_System Android O +allows O allows O +to O to O +programmatically O programmatically O +move O move O +from O from O +foreground O foreground O +to O to O +background O background O +or O or O +vice O vice O +versa O versa O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7233 I-Code_Block GR_7233 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Back O Back O +button B-User_Interface_Element button O + +Override O Override O +the O the O +back O back O +button B-User_Interface_Element button O +on O on O +Android B-Operating_System Android O +to O to O +go O go O +to O to O +background O background O +instead O instead O +of O of O +closing O closing O +the O the O +app O app O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7234 I-Code_Block GR_7234 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Recent O Recent O +task O task O +list O list O + +Exclude O Exclude O +the O the O +app O app O +from O from O +the O the O +recent O recent O +task O task O +list O list O +works O works O +on O on O +Android B-Operating_System Android O +5.0 B-Version 5.0 O ++ I-Version + O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7235 I-Code_Block GR_7235 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Detect O Detect O +screen O screen O +status O status O + +The O The O +method O method O +works O works O +async B-Library_Function async O +instead O instead O +of O of O +isActive() B-Library_Function isActive() O +or O or O +isEnabled() B-Library_Function isEnabled() O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7236 I-Code_Block GR_7236 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Unlock B-Library_Function Unlock O +and O and O +wake-up B-Library_Function wake-up O + +A O A O +wake-up B-Library_Function wake-up O +turns O turns O +on O on O +the O the O +screen B-Device screen O +while O while O +unlocking B-Library_Function unlocking O +moves O moves O +the O the O +app O app O +to O to O +foreground O foreground O +even O even O +the O the O +device O device O +is O is O +locked O locked O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7237 I-Code_Block GR_7237 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Notification O Notification O + +To O To O +indicate O indicate O +that O that O +the O the O +app O app O +is O is O +executing O executing O +tasks O tasks O +in O in O +background O background O +and O and O +being O being O +paused O paused O +would O would O +disrupt O disrupt O +the O the O +user O user O +, O , O +the O the O +plug-in O plug-in O +has O has O +to O to O +create O create O +a O a O +notification O notification O +while O while O +in O in O +background O background O +- O - O +like O like O +a O a O +download O download O +progress O progress O +bar O bar O +. O . O + +Override O Override O +defaults O defaults O + +The O The O +title O title O +, O , O +text B-User_Interface_Element text O +and O and O +icon B-User_Interface_Element icon O +for O for O +that O that O +notification O notification O +can O can O +be O be O +customized O customized O +as O as O +below O below O +. O . O + +Also O Also O +, O , O +by O by O +default O default O +the O the O +app O app O +will O will O +come O come O +to O to O +foreground O foreground O +when O when O +tapping O tapping O +on O on O +the O the O +notification O notification O +. O . O + +That O That O +can O can O +be O be O +changed O changed O +by O by O +setting O setting O +resume B-Library_Variable resume O +to O to O +false O false O +. O . O + +On O On O +Android B-Operating_System Android O +5.0 B-Version 5.0 O ++ I-Version + O +, O , O +the O the O +color O color O +option O option O +will O will O +set O set O +the O the O +background O background O +color O color O +of O of O +the O the O +notification O notification O +circle O circle O +. O . O + +Also O Also O +on O on O +Android B-Operating_System Android O +5.0 B-Version 5.0 O ++ I-Version + O +, O , O +setting O setting O +hidden B-Library_Variable hidden O +to O to O +false O false O +will O will O +make O make O +the O the O +notification O notification O +visible O visible O +on O on O +lockscreen B-User_Interface_Element lockscreen O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7238 I-Code_Block GR_7238 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +modify O modify O +the O the O +currently O currently O +displayed O displayed O +notification O notification O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7239 I-Code_Block GR_7239 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Note O Note O +: O : O +All O All O +properties O properties O +are O are O +optional O optional O +- O - O +only O only O +override O override O +the O the O +things O things O +you O you O +need O need O +to O to O +. O . O + +Run O Run O +in O in O +background O background O +without O without O +notification O notification O + +In O In O +silent O silent O +mode O mode O +the O the O +plugin O plugin O +will O will O +not O not O +display O display O +a O a O +notification O notification O +- O - O +which O which O +is O is O +not O not O +the O the O +default O default O +. O . O + +Be O Be O +aware O aware O +that O that O +Android B-Operating_System Android O +recommends O recommends O +adding O adding O +a O a O +notification O notification O +otherwise O otherwise O +the O the O +OS O OS O +may O may O +pause O pause O +the O the O +app O app O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7240 I-Code_Block GR_7240 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Quirks O Quirks O + +Various O Various O +APIs B-Library APIs O +like O like O +playing O playing O +media O media O +or O or O +tracking O tracking O +GPS O GPS O +position O position O +in O in O +background O background O +might O might O +not O not O +work O work O +while O while O +in O in O +background O background O +even O even O +the O the O +background O background O +mode O mode O +is O is O +active O active O +. O . O + +To O To O +fix O fix O +such O such O +issues O issues O +the O the O +plugin O plugin O +provides O provides O +a O a O +method O method O +to O to O +disable O disable O +most O most O +optimizations O optimizations O +done O done O +by O by O +Android/CrossWalk B-Operating_System Android/CrossWalk O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7241 I-Code_Block GR_7241 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Note O Note O +: O : O +Calling O Calling O +the O the O +method O method O +led O led O +to O to O +increased O increased O +resource O resource O +and O and O +power O power O +consumption O consumption O +. O . O + +Contributing O Contributing O + +Fork O Fork O +it O it O + +Create O Create O +your O your O +feature O feature O +branch O branch O +( O ( O +git B-Code_Block git B-Code_Block +checkout I-Code_Block checkout I-Code_Block +-b I-Code_Block -b I-Code_Block +my-new-feature I-Code_Block my-new-feature I-Code_Block +) O ) O + +Commit O Commit O +your O your O +changes O changes O +( O ( O +git B-Code_Block git B-Code_Block +commit I-Code_Block commit I-Code_Block +-am I-Code_Block -am I-Code_Block +' I-Code_Block ' I-Code_Block +Add I-Code_Block Add I-Code_Block +some I-Code_Block some I-Code_Block +feature' I-Code_Block feature' I-Code_Block +) O ) O + +Push O Push O +to O to O +the O the O +branch O branch O +( O ( O +git B-Code_Block git B-Code_Block +push I-Code_Block push I-Code_Block +origin I-Code_Block origin I-Code_Block +my-new-feature I-Code_Block my-new-feature I-Code_Block +) O ) O + +Create O Create O +new O new O +Pull O Pull O +Request O Request O + +License O License O + +This O This O +software O software O +is O is O +released O released O +under O under O +the O the O +Apache B-Licence Apache O +2.0 B-Version 2.0 O +License O License O +. O . O + +Made O Made O +with O with O +:yum O :yum O +: O : O +from O from O +Leipzig O Leipzig O + +? O ? O + +2017 O 2017 O +appPlant B-Organization appPlant O +GmbH I-Organization GmbH O +& O & O +meshfields B-Organization meshfields O + +Repository_Name O Repository_Name O +: O : O +nerab/TaskWarriorMail O nerab/TaskWarriorMail O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/nerab/TaskWarriorMail/issues/3 O https://github.com/nerab/TaskWarriorMail/issues/3 O + +Hello O Hello O +there O there O +! O ! O + +Thanks O Thanks O +for O for O +sharing O sharing O +your O your O +awesome O awesome O +plugin O plugin O +. O . O + +Due O Due O +to O to O +environment O environment O +requirements O requirements O +, O , O +I O I O +'m O 'm O +bounded O bounded O +to O to O +Windows B-Operating_System Windows O +. O . O + +But O But O +there O there O +is O is O +Cygwin B-Application Cygwin O +, O , O +a O a O +full O full O +terminal O terminal O +emulator O emulator O +with O with O +POSIX-environment O POSIX-environment O +. O . O + +When O When O +I O I O +do O do O +the O the O +command O command O +: O : O +gem B-Code_Block gem B-Code_Block +install I-Code_Block install I-Code_Block +twmail I-Code_Block twmail I-Code_Block +, O , O +I O I O +get O get O +this O this O +error O error O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27437 I-Code_Block GR_27437 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +could O could O +n't O n't O +find O find O +any O any O +solution O solution O +to O to O +this O this O +. O . O + +Any O Any O +idea O idea O +why O why O +this O this O +error O error O +is O is O +occuring O occuring O +with O with O +twmail B-Application twmail O +? O ? O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/13 O https://github.com/google-ar/arcore-unreal-sdk/issues/13 O + +I O I O +use O use O +arcore B-Application arcore O +plugin I-Application plugin O +in O in O +unreal B-Application unreal O +engine I-Application engine O +4 B-Version 4 O +. O . O + +I O I O +used O used O +your O your O +quickstart O quickstart O +guide O guide O +for O for O +it O it O +. O . O + +And O And O +when O when O +I O I O +was O was O +using O using O +arcore B-Application arcore O +v1.0 B-Version v1.0 O +in O in O +ue4.18 B-Application ue4.18 O +, O , O +it O it O +was O was O +OK O OK O +with O with O +everithing O everithing O +, O , O +but O but O +when O when O +I O I O +tried O tried O +arcore B-Application arcore O +v1.1 B-Version v1.1 O +in O in O +ue4.19 B-Application ue4.19 O +, O , O +it O it O +was O was O +n't O n't O +. O . O + +So O So O +I O I O +do O do O +n't O n't O +know O know O +why O why O +arcore B-Application arcore O +v1.1 B-Version v1.1 O +in O in O +ue4.19 B-Application ue4.19 O +does O does O +n't O n't O +work O work O +on O on O +samsung B-Device samsung O +s7e I-Device s7e O +sm-g935fd B-Version sm-g935fd O + +Log.txt B-File_Name Log.txt O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/7 O https://github.com/svenstaro/flamejam/issues/7 O + +I O I O +'ll O 'll O +take O take O +care O care O +of O of O +this O this O +. O . O + +Has O Has O +anyone O anyone O +signed O signed O +up O up O +for O for O +a O a O +reCAPTCHA O reCAPTCHA O +key O key O +yet O yet O +? O ? O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Repository_Link O Repository_Link O +: O : O +https://github.com/svenstaro/flamejam O https://github.com/svenstaro/flamejam O + +flamejam B-Application flamejam O +- O - O +a O a O +game O game O +jam O jam O +application O application O +using O using O +Flask B-Library Flask O + +Description O Description O + +flamejam B-Application flamejam O +is O is O +a O a O +generic O generic O +game O game O +jam O jam O +application O application O +that O that O +uses O uses O +the O the O +Flask B-Library Flask O +microframework O microframework O +. O . O + +It O It O +was O was O +initially O initially O +created O created O +as O as O +a O a O +voting O voting O +platforms O platforms O +for O for O +the O the O +BaconGameJam O BaconGameJam O +. O . O + +However O However O +, O , O +it O it O +is O is O +generic O generic O +and O and O +as O as O +such O such O +it O it O +is O is O +usable O usable O +for O for O +any O any O +other O other O +game O game O +jam O jam O +event O event O +. O . O + +This O This O +application O application O +is O is O +designed O designed O +to O to O +make O make O +sure O sure O +that O that O +participants O participants O +vote O vote O +on O on O +other O other O +entries O entries O +fairly O fairly O +and O and O +evenly O evenly O +. O . O + +Installation O Installation O + +You O You O +are O are O +currently O currently O +expected O expected O +to O to O +run O run O +some O some O +kind O kind O +of O of O +POSIX O POSIX O +system O system O +such O such O +as O as O +Linux B-Operating_System Linux O +. O . O + +This O This O +software O software O +has O has O +not O not O +been O been O +tested O tested O +on O on O +Windows B-Operating_System Windows O +and O and O +it O it O +would O would O +be O be O +quite O quite O +a O a O +wonder O wonder O +indeed O indeed O +if O if O +it O it O +worked O worked O +there O there O +. O . O + +The O The O +installation O installation O +should O should O +generally O generally O +be O be O +rather O rather O +simple O simple O +provided O provided O +you O you O +have O have O +virtualenv B-Application virtualenv O +and O and O +pip B-Application pip O +in O in O +your O your O +PATH B-Library_Variable PATH O +. O . O + +Should O Should O +that O that O +be O be O +the O the O +case O case O +, O , O +it O it O +would O would O +be O be O +as O as O +simple O simple O +as O as O +running O running O + +# B-Code_Block # B-Code_Block +make I-Code_Block make I-Code_Block +install I-Code_Block install I-Code_Block + +True O True O +enough O enough O +, O , O +this O this O +will O will O +install O install O +the O the O +software O software O +directly O directly O +to O to O +your O your O +system O system O +and O and O +set O set O +up O up O +all O all O +the O the O +dependencies O dependencies O +for O for O +you O you O +in O in O +a O a O +virtualenv B-Application virtualenv O +. O . O + +Should O Should O +you O you O +want O want O +to O to O +install O install O +to O to O +a O a O +different O different O +root O root O +, O , O +use O use O +something O something O +like O like O + +# B-Code_Block # B-Code_Block +make I-Code_Block make I-Code_Block +DESTDIR I-Code_Block DESTDIR I-Code_Block += I-Code_Block = I-Code_Block +/some/else I-Code_Block /some/else I-Code_Block +install I-Code_Block install I-Code_Block + +Copy O Copy O +the O the O +default O default O +config O config O +from O from O +/usr/share/doc/flamejam/flamejam.cfg.default B-File_Name /usr/share/doc/flamejam/flamejam.cfg.default B-Code_Block +to O to O + +/etc/flamejam/flamejam.cfg B-File_Name /etc/flamejam/flamejam.cfg B-Code_Block +and O and O +configure O configure O +it O it O +to O to O +your O your O +needs O needs O +. O . O + +Do O Do O +not O not O +forget O forget O +to O to O +set O set O +permissions O permissions O +accordingly O accordingly O +as O as O +this O this O +file O file O +contains O contains O +cleartext O cleartext O +passwords O passwords O +. O . O + +Copy O Copy O +the O the O +cron B-File_Type cron O +file O file O +from O from O +/usr/share/doc/flamejam/flamejam.cron.d B-File_Name /usr/share/doc/flamejam/flamejam.cron.d B-Code_Block +to O to O +/etc/cron.d/flamejam B-File_Name /etc/cron.d/flamejam B-Code_Block +. O . O + +This O This O +cronjob O cronjob O +will O will O +tick O tick O +the O the O +web O web O +app O app O +every O every O +minute O minute O +and O and O +send O send O +out O out O +announcements O announcements O +on O on O +time O time O +if O if O +needed O needed O +. O . O + +Configure O Configure O +your O your O +webserver B-Application webserver O +. O . O + +If O If O +you O you O +use O use O +Apache B-Application Apache O +with O with O +mod_wsgi B-Application mod_wsgi O +, O , O +you O you O +may O may O +use O use O +the O the O +provided O provided O +example O example O +virtualhost O virtualhost O +/usr/share/doc/flamejam/apache B-File_Name /usr/share/doc/flamejam/apache B-Code_Block +-vhost.conf I-File_Name -vhost.conf I-Code_Block +. O . O + +Initialize O Initialize O +the O the O +database O database O +using O using O +either O either O +test O test O +data O data O +or O or O +an O an O +admin O admin O +account O account O +. O . O + +For O For O +this O this O +, O , O +you O you O +can O can O +use O use O +either O either O +of O of O +the O the O +provided O provided O +scripts O scripts O +in O in O +/srv/flamejam/scripts/init B-File_Name /srv/flamejam/scripts/init B-Code_Block +-db.py I-File_Name -db.py I-Code_Block +or O or O + +/srv/flamejam/scripts/seed B-File_Name /srv/flamejam/scripts/seed B-Code_Block +-db.py I-File_Name -db.py I-Code_Block +. O . O + +If O If O +you O you O +use O use O +init-db.py B-File_Name init-db.py B-Code_Block +on O on O +a O a O +production O production O +system O system O +, O , O +call O call O +it O it O +inside O inside O +the O the O +virtualenv B-Application virtualenv O +as O as O +follows O follows O +: O : O + +$ B-Code_Block $ B-Code_Block +CONFIG_TYPE I-Code_Block CONFIG_TYPE I-Code_Block += I-Code_Block = I-Code_Block +production I-Code_Block production I-Code_Block +python I-Code_Block python I-Code_Block +scripts/init I-Code_Block scripts/init I-Code_Block +-db.py I-Code_Block -db.py I-Code_Block + I-Code_Block I-Code_Block + I-Code_Block I-Code_Block + I-Code_Block I-Code_Block + +Development O Development O + +For O For O +development O development O +and O and O +testing O testing O +, O , O +firstly O firstly O +set O set O +up O up O +a O a O +virtualenv B-Application virtualenv O +containing O containing O +all O all O +dependencies O dependencies O +. O . O + +For O For O +your O your O +convenience O convenience O +, O , O +a O a O +Makefile B-File_Name Makefile O +target O target O +has O has O +been O been O +provided O provided O +. O . O + +Run O Run O +make B-Code_Block make B-Code_Block +setup I-Code_Block setup I-Code_Block +to O to O +have O have O +it O it O +set O set O +up O up O +for O for O +you O you O +. O . O + +When O When O +this O this O +is O is O +done O done O +, O , O +run O run O +python B-Code_Block python B-Code_Block +runserver.py I-Code_Block runserver.py I-Code_Block +inside O inside O +the O the O +virtualenv B-Application virtualenv O +to O to O +fire O fire O +up O up O +the O the O +debug O debug O +server B-Application server O +and O and O +navigate O navigate O +to O to O +http://localhost:5000 O http://localhost:5000 O +. O . O + +Alternatively O Alternatively O +you O you O +can O can O +use O use O +make B-Code_Block make B-Code_Block +run I-Code_Block run I-Code_Block +. O . O + +Support O Support O +and O and O +contact O contact O + +In O In O +order O order O +to O to O +receive O receive O +help O help O +in O in O +getting O getting O +this O this O +application O application O +to O to O +run O run O +, O , O +it O it O +would O would O +be O be O +best O best O +to O to O +ask O ask O +in O in O +the O the O +official O official O +IRC O IRC O +channel O channel O +: O : O +#bacongamejam O #bacongamejam O +on O on O +irc.freenode.net O irc.freenode.net O +. O . O + +You O You O +might O might O +as O as O +well O well O +report O report O +bugs O bugs O +on O on O +the O the O +Github B-Website Github O +project O project O +and O and O +we O we O +will O will O +surely O surely O +come O come O +back O back O +to O to O +you O you O +. O . O + +Pull O Pull O +request O request O +are O are O +rather O rather O +welcome O welcome O +. O . O + +License O License O + +This O This O +application O application O +, O , O +all O all O +of O of O +its O its O +sources O sources O +and O and O +resources O resources O +are O are O +licensed O licensed O +under O under O +the O the O +zlib B-Licence zlib O +license I-Licence license O +with O with O +the O the O +following O following O +exceptions O exceptions O +: O : O + +jquery B-Library jquery O + +lightbox B-Language lightbox O + +bootstrap B-Library bootstrap O + +These O These O +exceptions O exceptions O +are O are O +subject O subject O +to O to O +their O their O +own O own O +copyrights O copyrights O +and O and O +licenses O licenses O +. O . O + +This O This O +project O project O +only O only O +makes O makes O +use O use O +of O of O +them O them O +. O . O + +For O For O +the O the O +full O full O +license O license O +text O text O +, O , O +please O please O +see O see O +the O the O +included O included O +LICENSE B-File_Name LICENSE O +file O file O +. O . O + +Repository_Name O Repository_Name O +: O : O +m1k3/csv_base O m1k3/csv_base O + +Repository_Link O Repository_Link O +: O : O +https://github.com/m1k3/csv_base O https://github.com/m1k3/csv_base O + +CsvBase B-Application CsvBase O + +A O A O +few O few O +utility O utility O +modules O modules O +that O that O +help O help O +with O with O +exporting O exporting O +csv B-File_Type csv O +using O using O +Postgresql B-Application Postgresql O + +Installation O Installation O + +Add O Add O +this O this O +line O line O +to O to O +your O your O +application O application O +'s O 's O +Gemfile B-File_Type Gemfile O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_169843 I-Code_Block GR_169843 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +then O then O +execute O execute O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_169844 I-Code_Block GR_169844 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +install O install O +it O it O +yourself O yourself O +as O as O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_169845 I-Code_Block GR_169845 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Usage O Usage O + +TODO O TODO O +: O : O +Write O Write O +usage O usage O +instructions O instructions O +here O here O + +Contributing O Contributing O + +Fork O Fork O +it O it O +( O ( O +https://github.com/[my-github-username]/csv_base/fork O https://github.com/[my-github-username]/csv_base/fork O +) O ) O + +Create O Create O +your O your O +feature O feature O +branch O branch O +( O ( O +git B-Code_Block git B-Code_Block +checkout I-Code_Block checkout I-Code_Block +-b I-Code_Block -b I-Code_Block +my-new-feature I-Code_Block my-new-feature I-Code_Block +) O ) O + +Commit O Commit O +your O your O +changes O changes O +( O ( O +git B-Code_Block git B-Code_Block +commit I-Code_Block commit I-Code_Block +-am I-Code_Block -am I-Code_Block +' I-Code_Block ' I-Code_Block +Add I-Code_Block Add I-Code_Block +some I-Code_Block some I-Code_Block +feature' I-Code_Block feature' I-Code_Block +) O ) O + +Push O Push O +to O to O +the O the O +branch O branch O +( O ( O +git B-Code_Block git B-Code_Block +push I-Code_Block push I-Code_Block +origin I-Code_Block origin I-Code_Block +my-new-feature I-Code_Block my-new-feature I-Code_Block +) O ) O + +Create O Create O +a O a O +new O new O +Pull O Pull O +Request O Request O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/23 O https://github.com/smirarab/pasta/issues/23 O + +I O I O +made O made O +some O some O +changes O changes O +to O to O +the O the O +code O code O +that O that O +caused O caused O +the O the O +bug O bug O +. O . O + +I O I O +tried O tried O +to O to O +revert O revert O +to O to O +a O a O +previous O previous O +commit O commit O +but O but O +could O could O +not O not O +do O do O +that O that O +in O in O +your O your O +repository O repository O +. O . O + +I O I O +manually O manually O +removed O removed O +the O the O +changes O changes O +and O and O +made O made O +a O a O +new O new O +commit O commit O +. O . O + +There O There O +are O are O +a O a O +few O few O +conflicts O conflicts O +that O that O +need O need O +to O to O +be O be O +resolved O resolved O +because O because O +of O of O +that O that O +. O . O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/26 O https://github.com/smirarab/pasta/issues/26 O + +The O The O +new O new O +code O code O +for O for O +MST O MST O +and O and O +the O the O +new O new O +decomposition O decomposition O +use O use O +print O print O +. O . O + +Avoid O Avoid O +using O using O +print O print O +. O . O + +Instead O Instead O +, O , O +use O use O +the O the O +logging O logging O +system O system O +. O . O + +use O use O +info O info O +for O for O +crucial O crucial O +information O information O +and O and O +debug O debug O +for O for O +everything O everything O +else O else O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/26 O https://github.com/google-ar/arcore-unreal-sdk/issues/26 O + +When O When O +checking O checking O +device O device O +, O , O +that O that O +does O does O +not O not O +support O support O +arcore B-Application arcore O +it O it O +returns O returns O +SupportedNotInstalled B-Error_Name SupportedNotInstalled O +, O , O +instead O instead O +of O of O +UnsupportedDeviceNotCapable B-Error_Name UnsupportedDeviceNotCapable O +. O . O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/4 O https://github.com/moso/flexgrid/issues/4 O + +To O To O +make O make O +sure O sure O +containers O containers O +do O do O +n't O n't O +" O " O +overspill O overspill O +" O " O +their O their O +parent O parent O +container O container O +, O , O +.container B-Class_Name .container B-Code_Block +and O and O +.container-fluid B-Class_Name .container-fluid B-Code_Block +needs O needs O +max-width B-Code_Block max-width B-Code_Block +: I-Code_Block : I-Code_Block +100% I-Code_Block 100% I-Code_Block +; I-Code_Block ; I-Code_Block +to O to O +begin O begin O +with O with O +. O . O + +Repository_Name O Repository_Name O +: O : O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-Website O -Website O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/HackClub-SLHS/HackClub-Website/issues/15 O https://github.com/HackClub-SLHS/HackClub-Website/issues/15 O + +a O a O +more O more O +welcoming O welcoming O +front O front O +page B-User_Interface_Element page O +that O that O +contains O contains O +more O more O +content O content O + +Repository_Name O Repository_Name O +: O : O +jamstooks/django O jamstooks/django O +-acme-challenge O -acme-challenge O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jamstooks/django-acme-challenge/issues/2 O https://github.com/jamstooks/django-acme-challenge/issues/2 O + +Good O Good O +call O call O +, O , O +@flavoi B-User_Name @flavoi O +. O . O + +It O It O +'s O 's O +up O up O +on O on O +PyPI B-Library PyPI O +now O now O +and O and O +the O the O +ReadMe B-File_Name ReadMe O +reflects O reflects O +the O the O +new O new O +install O install O +process O process O +. O . O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/35 O https://github.com/rpcope1/Hantek6022API/issues/35 O + +thanks O thanks O +for O for O +sharing O sharing O +the O the O +api B-Library api O +! O ! O + +I O I O +would O would O +like O like O +to O to O +gather O gather O +data O data O +for O for O +a O a O +longer O longer O +period O period O +of O of O +time O time O +. O . O + +I O I O +'ve O 've O +played O played O +around O around O +with O with O +the O the O +continuous O continuous O +read O read O +script O script O +, O , O +and O and O +have O have O +some O some O +questions O questions O +. O . O + +sample_rate_index B-Code_Block sample_rate_index O += I-Code_Block = O +0x1E I-Code_Block 0x1E O +What O What O +does O does O +0x1E O 0x1E O +stand O stand O +for O for O +? O ? O + +I O I O +could O could O +n't O n't O +find O find O +it O it O +in O in O +the O the O +dictionary O dictionary O +of O of O +SAMPLE_RATES B-Library_Variable SAMPLE_RATES O +in O in O +LubUsbScope.py B-File_Name LubUsbScope.py O +; O ; O +The O The O +oscilloscope O oscilloscope O +gathers O gathers O +12 O 12 O +Million O Million O +data O data O +entries O entries O +within O within O +one O one O +second O second O +, O , O +so O so O +I O I O +suppose O suppose O +that O that O +it O it O +'s O 's O +a O a O +sampling O sampling O +rate O rate O +of O of O +12 O 12 O +MS O MS O +. O . O + +It O It O +does O does O +n't O n't O +seem O seem O +to O to O +be O be O +possible O possible O +to O to O +change O change O +the O the O +sample_rate B-Library_Variable sample_rate O +, O , O +when O when O +using O using O +the O the O +read_async B-Library_Function read_async O +method O method O +. O . O + +The O The O +data O data O +has O has O +always O always O +a O a O +length O length O +of O of O +12288000 O 12288000 O +( O ( O +within O within O +one O one O +sec O sec O +) O ) O +, O , O +regardless O regardless O +of O of O +chosen O chosen O +sample O sample O +rate O rate O +and O and O +the O the O +data O data O +looks O looks O +strange O strange O +( O ( O +gaps O gaps O +between O between O +measured O measured O +samples O samples O +) O ) O +. O . O + +Is O Is O +this O this O +a O a O +limitation O limitation O +, O , O +or O or O +am O am O +I O I O +not O not O +understanding O understanding O +something O something O +? O ? O + +' O ' O +Also O Also O +the O the O +data_points B-Library_Variable data_points O +does O does O +n't O n't O +seem O seem O +to O to O +change O change O +anything O anything O +. O . O + +I O I O +'m O 'm O +a O a O +little O little O +bit O bit O +confused O confused O +about O about O +that O that O +. O . O + +It O It O +would O would O +be O be O +great O great O +, O , O +if O if O +you O you O +could O could O +clarify O clarify O +these O these O +points O points O +. O . O + +thanks O thanks O + +piotr B-User_Name piotr O + +Repository_Name O Repository_Name O +: O : O +sharanpatil01/drools O sharanpatil01/drools O +-spring-maven-samples O -spring-maven-samples O + +Repository_Link O Repository_Link O +: O : O +https://github.com/sharanpatil01/drools-spring-maven-samples O https://github.com/sharanpatil01/drools-spring-maven-samples O + +Drools B-Application Drools O +Spring B-Library Spring O +integration O integration O +using O using O +Maven B-Application Maven O + +This O This O +project O project O +is O is O +mavenized O mavenized O +version O version O +of O of O +the O the O +2 O 2 O +Drools B-Application Drools O +examples O examples O +Banking O Banking O +example O example O +and O and O +[ O [ O +Pricing O Pricing O +and O and O +Decision O Decision O +Table B-User_Interface_Element Table O +Rules O Rules O +example O example O +] O ] O +( O ( O +http://docs.jboss.org/drools/release/5.2.0.Final/drools-expert-docs/html/ch09.html#d0e9371 O http://docs.jboss.org/drools/release/5.2.0.Final/drools-expert-docs/html/ch09.html#d0e9371 O +) O ) O +. O . O + +In O In O +order O order O +to O to O +start O start O +this O this O +example O example O +run O run O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_6375 I-Code_Block GR_6375 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +will O will O +see O see O +all O all O +the O the O +test O test O +successful O successful O +. O . O + +It O It O +is O is O +completely O completely O +integrated O integrated O +with O with O +Spring B-Library Spring O +framework O framework O +and O and O +works O works O +with O with O +spring-core B-Library spring-core O +version O version O +3.0.2-release B-Version 3.0.2-release O +. O . O + +There O There O +are O are O +some O some O +issues O issues O +hence O hence O +it O it O +is O is O +not O not O +working O working O +with O with O +3.1.1.release B-Version 3.1.1.release O +, O , O +I O I O +am O am O +still O still O +exploring O exploring O +. O . O + +Feel O Feel O +free O free O +to O to O +modify O modify O +. O . O + +Refer O Refer O +this O this O +blog O blog O +for O for O +more O more O +details O details O +. O . O + +Repository_Name O Repository_Name O +: O : O +OpenPrograms/MiscPrograms O OpenPrograms/MiscPrograms O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/OpenPrograms/MiscPrograms/issues/9 O https://github.com/OpenPrograms/MiscPrograms/issues/9 O + +none O none O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/88 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/88 O + +The O The O +document O document O +states O states O +that O that O +these O these O +two O two O +labels O labels O +are O are O +required O required O +: O : O + +io.k8s.display-name B-Library_Variable io.k8s.display-name O +( O ( O +Name O Name O +of O of O +the O the O +container O container O +displayed O displayed O +in O in O +Kubernetes B-Application Kubernetes O +) O ) O + +io.openshift.tags B-Library_Variable io.openshift.tags O +( O ( O +tags O tags O +used O used O +by O by O +searching O searching O +engine O engine O +, O , O +e.g O e.g O +. O . O + +" O " O +builder B-Application builder O +, O , O +php B-Language php O +, O , O +php56 B-Language php56 O +, O , O +rh-php56 B-Language rh-php56 O +" O " O +) O ) O + +Is O Is O +that O that O +true O true O +? O ? O + +Why O Why O +are O are O +those O those O +being O being O +enforced O enforced O +? O ? O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/12 O https://github.com/contributte/logging/issues/12 O + +@f3l1x B-User_Name @f3l1x O +What O What O +do O do O +you O you O +think O think O +? O ? O + +Repository_Name O Repository_Name O +: O : O +dagingaa/angular.js O dagingaa/angular.js O + +Repository_Link O Repository_Link O +: O : O +https://github.com/dagingaa/angular.js O https://github.com/dagingaa/angular.js O + +AngularJS B-Library AngularJS O + +AngularJS B-Library AngularJS O +lets O lets O +you O you O +write O write O +client-side B-Application client-side O +web O web O +applications O applications O +as O as O +if O if O +you O you O +had O had O +a O a O +smarter O smarter O +browser B-Application browser O +. O . O + +It O It O +lets O lets O +you O you O +use O use O +good O good O +old O old O +HTML B-Language HTML O +( O ( O +or O or O +HAML B-Language HAML O +, O , O +Jade B-Language Jade O +and O and O +friends O friends O +! O ! O +) O ) O + +as O as O +your O your O +template O template O +language O language O +and O and O +lets O lets O +you O you O +extend O extend O +HTML B-Language HTML O +'s O 's O +syntax O syntax O +to O to O +express O express O +your O your O +application O application O +'s O 's O +components O components O +clearly O clearly O +and O and O +succinctly O succinctly O +. O . O + +It O It O +automatically O automatically O +synchronizes O synchronizes O +data O data O +from O from O +your O your O +UI O UI O +( O ( O +view O view O +) O ) O +with O with O +your O your O +JavaScript B-Language JavaScript O +objects O objects O +( O ( O +model O model O +) O ) O +through O through O +2-way O 2-way O +data O data O +binding O binding O +. O . O + +To O To O +help O help O +you O you O +structure O structure O +your O your O +application O application O +better O better O +and O and O +make O make O +it O it O +easy O easy O +to O to O +test O test O +, O , O +AngularJS B-Library AngularJS O +teaches O teaches O +the O the O +browser O browser O +how O how O +to O to O +do O do O +dependency O dependency O +injection O injection O +and O and O +inversion O inversion O +of O of O +control O control O +. O . O + +Oh O Oh O +yeah O yeah O +and O and O +it O it O +also O also O +helps O helps O +with O with O +server-side B-Application server-side O +communication O communication O +, O , O +taming O taming O +async B-Library_Function async O +callbacks O callbacks O +with O with O +promises O promises O +and O and O +deferreds O deferreds O +; O ; O +and O and O +make O make O +client-side B-Application client-side O +navigation O navigation O +and O and O +deeplinking O deeplinking O +with O with O +hashbang O hashbang O +urls O urls O +or O or O +HTML5 B-Language HTML5 O +pushState B-Library_Function pushState O +a O a O +piece O piece O +of O of O +cake O cake O +. O . O + +The O The O +best O best O +of O of O +all O all O +: O : O +it O it O +makes O makes O +development O development O +fun O fun O +! O ! O + +Web O Web O +site O site O +: O : O +http://angularjs.org O http://angularjs.org O + +Tutorial O Tutorial O +: O : O +http://docs.angularjs.org/tutorial O http://docs.angularjs.org/tutorial O + +API B-Library API O +Docs O Docs O +: O : O +http://docs.angularjs.org/api O http://docs.angularjs.org/api O + +Developer O Developer O +Guide O Guide O +: O : O +http://docs.angularjs.org/guide O http://docs.angularjs.org/guide O + +Contribution O Contribution O +guidelines O guidelines O +: O : O +http://docs.angularjs.org/misc/contribute O http://docs.angularjs.org/misc/contribute O + +Dashboard B-User_Interface_Element Dashboard O +: O : O +http://dashboard.angularjs.org O http://dashboard.angularjs.org O + +Building O Building O +AngularJS B-Library AngularJS O + +Once O Once O +you O you O +have O have O +your O your O +environment O environment O +setup O setup O +just O just O +run O run O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_6093 I-Code_Block GR_6093 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Running O Running O +Tests O Tests O + +To O To O +execute O execute O +all O all O +unit O unit O +tests O tests O +, O , O +use O use O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_6094 I-Code_Block GR_6094 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +execute O execute O +end-to-end O end-to-end O +( O ( O +e2e O e2e O +) O ) O +tests O tests O +, O , O +use O use O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_6095 I-Code_Block GR_6095 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +learn O learn O +more O more O +about O about O +the O the O +grunt O grunt O +tasks O tasks O +, O , O +run O run O +grunt B-Code_Block grunt B-Code_Block +--help I-Code_Block --help I-Code_Block +and O and O +also O also O +read O read O +our O our O +contribution O contribution O +guidelines O guidelines O +. O . O + +Repository_Name O Repository_Name O +: O : O +Zorros/copycat O Zorros/copycat O + +Repository_Link O Repository_Link O +: O : O +https://github.com/Zorros/copycat O https://github.com/Zorros/copycat O + +Copycat O Copycat O +# O # O + +Copycat B-Library Copycat O +is O is O +a O a O +Rails B-Library Rails O +engine O engine O +that O that O +allows O allows O +users O users O +to O to O +edit O edit O +live O live O +website O website O +copy O copy O +. O . O + +How O How O +to O to O +use O use O +this O this O +gem B-Library gem O +as O as O +a O a O +translator O translator O +/ O / O +copywriter O copywriter O + +This O This O +is O is O +the O the O +advised O advised O +way O way O +on O on O +how O how O +a O a O +translator O translator O +could O could O +use O use O +copycat O copycat O +to O to O +translate O translate O +a O a O +Rails B-Library Rails O +app O app O +. O . O + +Note O Note O +that O that O +the O the O +gem B-Library gem O +is O is O +not O not O +written O written O +for O for O +translators O translators O +, O , O +rather O rather O +for O for O +developers O developers O +, O , O +but O but O +with O with O +a O a O +little O little O +of O of O +effort O effort O +it O it O +'s O 's O +fairly O fairly O +easy O easy O +to O to O +understand O understand O +how O how O +it O it O +all O all O +works O works O +. O . O + +Ask O Ask O +your O your O +developer O developer O +if O if O +doubts O doubts O +. O . O + +You O You O +will O will O +( O ( O +or O or O +should O should O +) O ) O +have O have O +a O a O +testing O testing O +and O and O +a O a O +production O production O +environment O environment O +of O of O +your O your O +Rails B-Library Rails O +application O application O +. O . O + +Ideally O Ideally O +, O , O +you O you O +never O never O +do O do O +translations O translations O +directly O directly O +on O on O +production O production O +. O . O + +You O You O +do O do O +them O them O +in O in O +test O test O +, O , O +and O and O +then O then O +import O import O +them O them O +into O into O +production O production O +. O . O + +The O The O +reason O reason O +is O is O +that O that O +in O in O +some O some O +cases O cases O +, O , O +a O a O +wrong O wrong O +translation O translation O +might O might O +result O result O +in O in O +an O an O +error O error O +. O . O + +You O You O +want O want O +to O to O +discover O discover O +errors O errors O +on O on O +test O test O +, O , O +and O and O +not O not O +on O on O +your O your O +production O production O +system O system O +. O . O + +On O On O +your O your O +test O test O +system O system O +, O , O +access O access O +the O the O +URL O URL O +http://your-test-application.com/copycat_translations O http://your-test-application.com/copycat_translations O +or O or O +/translations O /translations O +( O ( O +ask O ask O +the O the O +path O path O +to O to O +your O your O +developer O developer O +) O ) O + +When O When O +you O you O +access O access O +that O that O +URL O URL O +, O , O +you O you O +will O will O +be O be O +asked O asked O +a O a O +user O user O +and O and O +password O password O +( O ( O +get O get O +it O it O +from O from O +the O the O +developer O developer O +) O ) O + +Once O Once O +connected O connected O +, O , O +the O the O +page B-User_Interface_Element page O +shows O shows O +a O a O +language O language O +drop B-User_Interface_Element drop O +down I-User_Interface_Element down O +, O , O +and O and O +a O a O +search B-User_Interface_Element search O +box I-User_Interface_Element box O + +Select O Select O +your O your O +language O language O +and O and O +search O search O +for O for O +a O a O +text O text O +that O that O +you O you O +want O want O +to O to O +change/translate O change/translate O + +If O If O +the O the O +translation O translation O +is O is O +already O already O +in O in O +place O place O +, O , O +but O but O +you O you O +want O want O +to O to O +change O change O +it O it O +, O , O +then O then O +search O search O +for O for O +the O the O +text O text O +you O you O +want O want O +to O to O +change O change O +. O . O + +For O For O +example O example O +, O , O +if O if O +you O you O +want O want O +to O to O +change O change O +a O a O +button B-User_Interface_Element button O +called O called O +" O " O +Save B-Variable_Name Save O +" O " O +to O to O +" O " O +Save B-Variable_Name Save O +now I-Variable_Name now O +" O " O +, O , O +then O then O +search O search O +for O for O +the O the O +text O text O +" O " O +Save B-Variable_Name Save O +" O " O +in O in O +the O the O +search O search O +box O box O +. O . O + +Make O Make O +sure O sure O +to O to O +select O select O +the O the O +right O right O +language O language O +first O first O +. O . O + +If O If O +you O you O +want O want O +to O to O +see O see O +the O the O +whole O whole O +dictionary B-Data_Structure dictionary O +of O of O +a O a O +given O given O +language O language O +, O , O +leave O leave O +the O the O +search B-User_Interface_Element search O +field I-User_Interface_Element field O +empty O empty O +, O , O +and O and O +click O click O +" O " O +search B-User_Interface_Element search O +" O " O +. O . O + +You O You O +will O will O +see O see O +all O all O +translations O translations O +. O . O + +Alternatively O Alternatively O +, O , O +you O you O +can O can O +search O search O +for O for O +the O the O +" O " O +dictionary B-Variable_Name dictionary O +key I-Variable_Name key O +" O " O +or O or O +just O just O +" O " O +key B-Variable_Name key O +" O " O +of O of O +the O the O +translation O translation O +. O . O + +Each O Each O +key O key O +is O is O +unique O unique O +in O in O +the O the O +dictionary B-Data_Structure dictionary O +. O . O + +( O ( O +Texts O Texts O +are O are O +not O not O +unique O unique O +- O - O +you O you O +can O can O +have O have O +a O a O +lot O lot O +of O of O +buttons B-User_Interface_Element buttons O +called O called O +" O " O +save B-Variable_Name save O +" O " O +) O ) O +. O . O + +If O If O +the O the O +translation O translation O +is O is O +not O not O +yet O yet O +in O in O +place O place O +, O , O +Ruby B-Library Ruby O +on I-Library on O +Rails I-Library Rails O +will O will O +show O show O +on O on O +the O the O +public O public O +page B-User_Interface_Element page O +what O what O +the O the O +key O key O +is O is O +. O . O + +This O This O +is O is O +done O done O +by O by O +uppercasing O uppercasing O +the O the O +key O key O +, O , O +and O and O +removing O removing O +all O all O +_ O _ O +signs O signs O +from O from O +it O it O +. O . O + +For O For O +example O example O +, O , O +a O a O +key O key O +called O called O +" O " O +sign_up_button B-Variable_Name sign_up_button O +" O " O +that O that O +is O is O +not O not O +yet O yet O +translated O translated O +, O , O +will O will O +be O be O +shown O shown O +as O as O +" O " O +Sign B-User_Interface_Element Sign O +Up I-User_Interface_Element Up O +Button I-User_Interface_Element Button O +" O " O +in O in O +the O the O +web O web O +. O . O + +When O When O +you O you O +hover O hover O +over O over O +the O the O +word O word O +with O with O +your O your O +mouse B-Device mouse O +( O ( O +in O in O +your O your O +web O web O +application O application O +) O ) O +, O , O +RoR B-Library RoR O +will O will O +show O show O +a O a O +tooltip B-User_Interface_Element tooltip O +with O with O +the O the O +key O key O +. O . O + +In O In O +that O that O +case O case O +, O , O +you O you O +should O should O +search O search O +for O for O +the O the O +key O key O +to O to O +find O find O +the O the O +translation O translation O +. O . O + +Once O Once O +you O you O +have O have O +found O found O +your O your O +key O key O +or O or O +your O your O +text O text O +, O , O +just O just O +click O click O +it O it O +, O , O +and O and O +change O change O +it O it O +. O . O + +You O You O +see O see O +your O your O +changes O changes O +directly O directly O +in O in O +your O your O +test O test O +system O system O +. O . O + +Once O Once O +all O all O +translations O translations O +and O and O +copy O copy O +is O is O +OK O OK O +in O in O +the O the O +test O test O +system O system O +, O , O +they O they O +can O can O +be O be O +imported O imported O +/ O / O +migrated O migrated O +to O to O +the O the O +production O production O +system O system O +. O . O + +On O On O +production O production O +, O , O +you O you O +have O have O +a O a O +/copycat_translations B-File_Name /copycat_translations O +path O path O +, O , O +password O password O +secured O secured O +, O , O +that O that O +allows O allows O +you O you O +to O to O +IMPORT O IMPORT O +all O all O +translations O translations O +from O from O +the O the O +test O test O +system O system O +at O at O +once O once O +. O . O + +Just O Just O +log O log O +on O on O +to O to O +production O production O +, O , O +and O and O +click O click O +" O " O +synch B-User_Interface_Element synch O +" O " O +, O , O +it O it O +will O will O +overwrite O overwrite O +ALL O ALL O +production O production O +translations O translations O +with O with O +the O the O +translations O translations O +on O on O +test O test O +( O ( O +! O ! O +! O ! O + +! O ! O +including O including O +the O the O +ones O ones O +that O that O +you O you O +did O did O +not O not O +change O change O +!! O !! O +! O ! O +) O ) O +. O . O + +Alternatively O Alternatively O +, O , O +the O the O +path O path O +on O on O +production O production O +could O could O +be O be O +closed O closed O +( O ( O +for O for O +security O security O +reasons O reasons O +) O ) O +, O , O +and O and O +you O you O +write O write O +your O your O +own O own O +import O import O +/ O / O +migration O migration O +script O script O +. O . O + +Ask O Ask O +your O your O +developer O developer O +about O about O +this O this O +. O . O + +BUT O BUT O +I O I O +WANT O WANT O +TO O TO O +EXPOT/IMPORT O EXPOT/IMPORT O +FROM O FROM O +EXCEL B-Application EXCEL O +, O , O +HOW O HOW O +CAN O CAN O +I O I O +DO O DO O +THAT O THAT O +? O ? O + +If O If O +you O you O +want O want O +to O to O +mass-download O mass-download O +, O , O +mass-translate O mass-translate O +, O , O +and O and O +mass-upload O mass-upload O +translations O translations O +, O , O +we O we O +recommend O recommend O +to O to O +install O install O +http://www.activeadmin.info/ O http://www.activeadmin.info/ O +- O - O +this O this O +gem B-Library gem O +allows O allows O +to O to O +search O search O +, O , O +download O download O +, O , O +filter O filter O +, O , O +upload O upload O +, O , O +.. O .. O +. O . O +RoR B-Library RoR O +tables B-Data_Structure tables O +via O via O +online O online O +web O web O +interface O interface O +. O . O + +WHY O WHY O +ARE O ARE O +THERE O THERE O +SO O SO O +MANY O MANY O +EMPTY O EMPTY O +KEYS O KEYS O +IN O IN O +THE O THE O +DICTIONARY B-Data_Structure DICTIONARY O +? O ? O + +DO O DO O +I O I O +NEED O NEED O +TO O TO O +FILL O FILL O +THEM O THEM O +IN O IN O +? O ? O + +Rails B-Library Rails O +uses O uses O +a O a O +smart O smart O +inheritance O inheritance O +mechanism O mechanism O +. O . O + +You O You O +can O can O +use O use O +the O the O +empty O empty O +keys O keys O +to O to O +overwrite O overwrite O +certain O certain O +defaults O defaults O +. O . O + +For O For O +example O example O +, O , O +Rails B-Library Rails O +will O will O +call O call O +a O a O +button B-User_Interface_Element button O +to O to O +save O save O +a O a O +user O user O +" O " O +Save B-Variable_Name Save O +user I-Variable_Name user O +" O " O +, O , O +just O just O +because O because O +it O it O +makes O makes O +sense O sense O +by O by O +default O default O +. O . O + +However O However O +, O , O +there O there O +will O will O +be O be O +an O an O +empty O empty O +key O key O +associated O associated O +with O with O +this O this O +, O , O +that O that O +you O you O +can O can O +use O use O +to O to O +overwrite O overwrite O +the O the O +standard O standard O +rails B-Library rails O +behavior O behavior O +. O . O + +You O You O +do O do O +n't O n't O +need O need O +to O to O +fill O fill O +in O in O +this O this O +key O key O +. O . O + +You O You O +could O could O +. O . O + +It O It O +'s O 's O +up O up O +to O to O +you O you O +. O . O + +The O The O +advised O advised O +way O way O +to O to O +do O do O +all O all O +translations O translations O +is O is O +to O to O +start O start O +from O from O +the O the O +screens O screens O +, O , O +and O and O +not O not O +from O from O +the O the O +dictionary B-Data_Structure dictionary O +. O . O + +So O So O +do O do O +n't O n't O +worry O worry O +about O about O +empty O empty O +keys O keys O +, O , O +just O just O +look O look O +at O at O +all O all O +of O of O +the O the O +screens O screens O +one O one O +by O by O +one O one O +, O , O +and O and O +translate O translate O +/ O / O +change O change O +what O what O +is O is O +not O not O +correct O correct O +. O . O + +Do O Do O +n't O n't O +worry O worry O +about O about O +empty O empty O +keys O keys O +. O . O + +How O How O +to O to O +use O use O + +Add O Add O +copycat B-Library copycat B-Code_Block +to O to O +your O your O +Gemfile B-File_Type Gemfile O +and O and O +run O run O +bundle B-Code_Block bundle B-Code_Block +install I-Code_Block install I-Code_Block +. O . O + +Copycat B-Library Copycat O +uses O uses O +a O a O +database O database O +table B-Data_Structure table O +to O to O +store O store O +the O the O +copy O copy O +items O items O +, O , O +and O and O +so O so O +it O it O +is O is O +necessary O necessary O +to O to O +create O create O +that O that O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9707 I-Code_Block GR_9707 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Since O Since O +Copycat B-Library Copycat O +data O data O +is O is O +stored O stored O +locally O locally O +on O on O +an O an O +indexed B-Data_Structure indexed O +table I-Data_Structure table O +with O with O +no O no O +foreign O foreign O +keys O keys O +, O , O +page B-User_Interface_Element page O +loads O loads O +are O are O +very O very O +fast O fast O +and O and O +changes O changes O +appear O appear O +instantly O instantly O +. O . O + +In O In O +a O a O +view O view O +, O , O +use O use O +the O the O +Rails B-Library Rails O +i18n I-Library i18n O +translate O translate O +method O method O +where O where O +you O you O +would O would O +like O like O +to O to O +display O display O +some O some O +editable O editable O +copy O copy O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9708 I-Code_Block GR_9708 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Visit O Visit O +the O the O +page B-User_Interface_Element page O +in O in O +your O your O +browser B-Application browser O +, O , O +and O and O +a O a O +Copycat B-Library Copycat O +translation O translation O +will O will O +be O be O +created O created O +for O for O +the O the O +key O key O +. O . O + +Then O Then O +visit O visit O +/copycat_translations B-File_Name /copycat_translations B-Code_Block +in O in O +your O your O +browser B-Application browser O +, O , O +log O log O +in O in O +with O with O +the O the O +username O username O +and O and O +password O password O +generated O generated O +in O in O +config/initializers/copycat.rb B-File_Name config/initializers/copycat.rb B-Code_Block +, O , O +and O and O +you O you O +can O can O +edit O edit O +the O the O +value O value O +of O of O +that O that O +token O token O +. O . O + +Rails B-Library Rails O +i18n I-Library i18n O +API I-Library API O + +You O You O +can O can O +read O read O +about O about O +the O the O +Rails B-Library Rails O +internationalization I-Library internationalization O +framework I-Library framework O +here O here O +. O . O + +Deploying O Deploying O + +To O To O +transfer O transfer O +changes O changes O +from O from O +staging O staging O +to O to O +production O production O +: O : O + +Download O Download O +copy O copy O +as O as O +YAML B-Language YAML O +on O on O +staging O staging O + +Login O Login O +to O to O +Copycat B-Library Copycat O +on O on O +production O production O + +Upload O Upload O +YAML B-Language YAML O +to O to O +production O production O + +Since O Since O +this O this O +process O process O +requires O requires O +no O no O +code O code O +commits O commits O +, O , O +non-developers O non-developers O +can O can O +also O also O +' O ' O +deploy O deploy O +' O ' O +copy O copy O +changes O changes O +. O . O + +You O You O +can O can O +also O also O +commit O commit O +Copycat B-Library Copycat O +'s O 's O +YAML B-Language YAML O +export O export O +, O , O +which O which O +is O is O +compatible O compatible O +with O with O +i18n B-Library i18n O +, O , O +to O to O +your O your O +git B-Application git O +repository O repository O +. O . O + +Routes O Routes O + +The O The O +default O default O +route O route O +to O to O +edit O edit O +copy O copy O +is O is O +' O ' O +/copycat_translations B-File_Name /copycat_translations O +' O ' O +. O . O + +This O This O +can O can O +be O be O +customized O customized O +in O in O +the O the O +initializer O initializer O +. O . O + +The O The O +Copycat B-Library Copycat O +routes O routes O +are O are O +configured O configured O +automatically O automatically O +by O by O +the O the O +engine O engine O +, O , O +after O after O +your O your O +Rails B-Library Rails O +application O application O +'s O 's O +routes.rb B-File_Name routes.rb O +file O file O +is O is O +run O run O +. O . O + +This O This O +means O means O +that O that O +if O if O +your O your O +routes O routes O +include O include O +a O a O +catchall O catchall O +route O route O +at O at O +the O the O +bottom O bottom O +, O , O +the O the O +Copycat O Copycat O +route O route O +will O will O +be O be O +masked O masked O +. O . O + +In O In O +this O this O +case O case O +you O you O +can O can O +manually O manually O +draw O draw O +the O the O +Copycat B-Library Copycat O +routes O routes O +prior O prior O +to O to O +the O the O +catchall O catchall O +route O route O +with O with O +the O the O +following O following O +line O line O +in O in O +config/routes.rb B-File_Name config/routes.rb O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9709 I-Code_Block GR_9709 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Logging O Logging O + +Because O Because O +Copycat B-Library Copycat O +does O does O +a O a O +SQL B-Language SQL O +query O query O +for O for O +each O each O +token O token O +, O , O +it O it O +can O can O +produce O produce O +a O a O +lot O lot O +of O of O +noise O noise O +in O in O +the O the O +log O log O +output O output O +. O . O + +Therefore O Therefore O +by O by O +default O default O +the O the O +logger O logger O +is O is O +disabled O disabled O +for O for O +the O the O +Copycat B-Library_Class Copycat O +ActiveRecord I-Library_Class ActiveRecord O +class O class O +. O . O + +It O It O +can O can O +be O be O +enabled O enabled O +with O with O +the O the O +environment O environment O +variable O variable O +COPYCAT_DEBUG B-Library_Variable COPYCAT_DEBUG O +, O , O +e.g O e.g O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9710 I-Code_Block GR_9710 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Example O Example O + +See O See O +an O an O +example O example O +application O application O +here O here O +. O . O + +Developing O Developing O + +As O As O +a O a O +Rails B-Library Rails O +engine O engine O +, O , O +Copycat B-Library Copycat O +is O is O +developed O developed O +using O using O +a O a O +nested O nested O +dummy O dummy O +Rails B-Library Rails O +app O app O +. O . O + +After O After O +cloning O cloning O +the O the O +repository O repository O +and O and O +running O running O +bundler O bundler O +, O , O +the O the O +plugin O plugin O +must O must O +be O be O +installed O installed O +in O in O +the O the O +dummy O dummy O +app O app O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9711 I-Code_Block GR_9711 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +you O you O +can O can O +run O run O +the O the O +test O test O +suite O suite O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9712 I-Code_Block GR_9712 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +License O License O + +Copycat B-Library Copycat O +is O is O +released O released O +under O under O +the O the O +MIT B-Licence MIT O +license I-Licence license O +. O . O + +See O See O +MIT-LICENSE B-File_Name MIT-LICENSE O +file O file O +. O . O + +Repository_Name O Repository_Name O +: O : O +TMaluleke/hello O TMaluleke/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/TMaluleke/hello-world/issues/2 O https://github.com/TMaluleke/hello-world/issues/2 O + +More O More O +changes O changes O + +Repository_Name O Repository_Name O +: O : O +mjacobus/carrasco O mjacobus/carrasco O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mjacobus/carrasco/issues/7 O https://github.com/mjacobus/carrasco/issues/7 O + +Tks O Tks O +! O ! O + +Repository_Name O Repository_Name O +: O : O +jeann2013/lqlt O jeann2013/lqlt O + +Repository_Link O Repository_Link O +: O : O +https://github.com/jeann2013/lqlt O https://github.com/jeann2013/lqlt O + +lqlt O lqlt O + +Repository_Name O Repository_Name O +: O : O +gengelbeck/ProgrammingAssignment2 O gengelbeck/ProgrammingAssignment2 O + +Repository_Link O Repository_Link O +: O : O +https://github.com/gengelbeck/ProgrammingAssignment2 O https://github.com/gengelbeck/ProgrammingAssignment2 O + +Introduction O Introduction O + +This O This O +second O second O +programming O programming O +assignment O assignment O +will O will O +require O require O +you O you O +to O to O +write O write O +an O an O +R B-Language R O +function O function O +that O that O +is O is O +able O able O +to O to O +cache O cache O +potentially O potentially O +time-consuming O time-consuming O +computations O computations O +. O . O + +For O For O +example O example O +, O , O +taking O taking O +the O the O +mean O mean O +of O of O +a O a O +numeric O numeric O +vector B-Data_Structure vector O +is O is O +typically O typically O +a O a O +fast O fast O +operation O operation O +. O . O + +However O However O +, O , O +for O for O +a O a O +very O very O +long O long O +vector B-Data_Structure vector O +, O , O +it O it O +may O may O +take O take O +too O too O +long O long O +to O to O +compute O compute O +the O the O +mean O mean O +, O , O +especially O especially O +if O if O +it O it O +has O has O +to O to O +be O be O +computed O computed O +repeatedly O repeatedly O +( O ( O +e.g O e.g O +. O . O + +in O in O +a O a O +loop O loop O +) O ) O +. O . O + +If O If O +the O the O +contents O contents O +of O of O +a O a O +vector B-Data_Structure vector O +are O are O +not O not O +changing O changing O +, O , O +it O it O +may O may O +make O make O +sense O sense O +to O to O +cache O cache O +the O the O +value O value O +of O of O +the O the O +mean O mean O +so O so O +that O that O +when O when O +we O we O +need O need O +it O it O +again O again O +, O , O +it O it O +can O can O +be O be O +looked O looked O +up O up O +in O in O +the O the O +cache O cache O +rather O rather O +than O than O +recomputed O recomputed O +. O . O + +In O In O +this O this O +Programming O Programming O +Assignment O Assignment O +you O you O +will O will O +take O take O +advantage O advantage O +of O of O +the O the O +scoping O scoping O +rules O rules O +of O of O +the O the O +R B-Language R O +language O language O +and O and O +how O how O +they O they O +can O can O +be O be O +manipulated O manipulated O +to O to O +preserve O preserve O +state O state O +inside O inside O +of O of O +an O an O +R B-Language R O +object O object O +. O . O + +Example O Example O +: O : O +Caching O Caching O +the O the O +Mean O Mean O +of O of O +a O a O +Vector B-Data_Structure Vector O + +In O In O +this O this O +example O example O +we O we O +introduce O introduce O +the O the O +<< B-Code_Block << B-Code_Block +- I-Code_Block - I-Code_Block +operator O operator O +which O which O +can O can O +be O be O +used O used O +to O to O +assign O assign O +a O a O +value O value O +to O to O +an O an O +object O object O +in O in O +an O an O +environment O environment O +that O that O +is O is O +different O different O +from O from O +the O the O +current O current O +environment O environment O +. O . O + +Below O Below O +are O are O +two O two O +functions O functions O +that O that O +are O are O +used O used O +to O to O +create O create O +a O a O +special O special O +object O object O +that O that O +stores O stores O +a O a O +numeric O numeric O +vector B-Data_Structure vector O +and O and O +caches O caches O +its O its O +mean O mean O +. O . O + +The O The O +first O first O +function O function O +, O , O +makeVector B-Function_Name makeVector B-Code_Block +creates O creates O +a O a O +special O special O +" O " O +vector B-Data_Structure vector O +" O " O +, O , O +which O which O +is O is O +really O really O +a O a O +list B-Data_Structure list O +containing O containing O +a O a O +function O function O +to O to O + +set O set O +the O the O +value O value O +of O of O +the O the O +vector B-Data_Structure vector O + +get O get O +the O the O +value O value O +of O of O +the O the O +vector B-Data_Structure vector O + +set O set O +the O the O +value O value O +of O of O +the O the O +mean O mean O + +get O get O +the O the O +value O value O +of O of O +the O the O +mean O mean O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_3269 I-Code_Block GR_3269 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +following O following O +function O function O +calculates O calculates O +the O the O +mean O mean O +of O of O +the O the O +special O special O +" O " O +vector B-Data_Structure vector O +" O " O +created O created O +with O with O +the O the O +above O above O +function O function O +. O . O + +However O However O +, O , O +it O it O +first O first O +checks O checks O +to O to O +see O see O +if O if O +the O the O +mean O mean O +has O has O +already O already O +been O been O +calculated O calculated O +. O . O + +If O If O +so O so O +, O , O +it O it O +gets O gets B-Code_Block +the O the O +mean O mean O +from O from O +the O the O +cache O cache O +and O and O +skips O skips O +the O the O +computation O computation O +. O . O + +Otherwise O Otherwise O +, O , O +it O it O +calculates O calculates O +the O the O +mean O mean O +of O of O +the O the O +data O data O +and O and O +sets O sets O +the O the O +value O value O +of O of O +the O the O +mean O mean O +in O in O +the O the O +cache O cache O +via O via O +the O the O +setmean B-Function_Name setmean B-Code_Block + +function O function O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_3270 I-Code_Block GR_3270 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Assignment O Assignment O +: O : O +Caching O Caching O +the O the O +Inverse O Inverse O +of O of O +a O a O +Matrix B-Data_Structure Matrix O + +Matrix B-Data_Structure Matrix O +inversion O inversion O +is O is O +usually O usually O +a O a O +costly O costly O +computation O computation O +and O and O +there O there O +may O may O +be O be O +some O some O +benefit O benefit O +to O to O +caching O caching O +the O the O +inverse O inverse O +of O of O +a O a O +matrix B-Data_Structure matrix O +rather O rather O +than O than O +computing O computing O +it O it O +repeatedly O repeatedly O +( O ( O +there O there O +are O are O +also O also O +alternatives O alternatives O +to O to O +matrix B-Data_Structure matrix O +inversion O inversion O +that O that O +we O we O +will O will O +not O not O +discuss O discuss O +here O here O +) O ) O +. O . O + +Your O Your O +assignment O assignment O +is O is O +to O to O +write O write O +a O a O +pair O pair O +of O of O +functions O functions O +that O that O +cache O cache O +the O the O +inverse O inverse O +of O of O +a O a O +matrix B-Data_Structure matrix O +. O . O + +Write O Write O +the O the O +following O following O +functions O functions O +: O : O + +makeCacheMatrix B-Function_Name makeCacheMatrix B-Code_Block +: O : O +This O This O +function O function O +creates O creates O +a O a O +special O special O +" O " O +matrix B-Data_Structure matrix O +" O " O +object O object O +that O that O +can O can O +cache O cache O +its O its O +inverse O inverse O +. O . O + +cacheSolve B-Function_Name cacheSolve B-Code_Block +: O : O +This O This O +function O function O +computes O computes O +the O the O +inverse O inverse O +of O of O +the O the O +special O special O +" O " O +matrix B-Data_Structure matrix O +" O " O +returned O returned O +by O by O +makeCacheMatrix B-Function_Name makeCacheMatrix B-Code_Block +above O above O +. O . O + +If O If O +the O the O +inverse O inverse O +has O has O +already O already O +been O been O +calculated O calculated O +( O ( O +and O and O +the O the O +matrix B-Data_Structure matrix O +has O has O +not O not O +changed O changed O +) O ) O +, O , O +then O then O +cacheSolve B-Function_Name cacheSolve B-Code_Block +should O should O +retrieve O retrieve O +the O the O +inverse O inverse O +from O from O +the O the O +cache O cache O +. O . O + +Computing O Computing O +the O the O +inverse O inverse O +of O of O +a O a O +square O square O +matrix B-Data_Structure matrix O +can O can O +be O be O +done O done O +with O with O +the O the O +solve B-Library_Function solve B-Code_Block + +function O function O +in O in O +R B-Language R O +. O . O +For O For O +example O example O +, O , O +if O if O +X B-Variable_Name X B-Code_Block +is O is O +a O a O +square O square O +invertible O invertible O +matrix B-Data_Structure matrix O +, O , O +then O then O + +solve(X) B-Library_Function solve(X) B-Code_Block +returns O returns O +its O its O +inverse O inverse O +. O . O + +For O For O +this O this O +assignment O assignment O +, O , O +assume O assume O +that O that O +the O the O +matrix B-Data_Structure matrix O +supplied O supplied O +is O is O +always O always O +invertible O invertible O +. O . O + +In O In O +order O order O +to O to O +complete O complete O +this O this O +assignment O assignment O +, O , O +you O you O +must O must O +do O do O +the O the O +following O following O +: O : O + +Fork O Fork O +the O the O +GitHub B-Website GitHub O +repository O repository O +containing O containing O +the O the O +stub O stub O +R B-File_Type R O +files O files O +at O at O + +https://github.com/rdpeng/ProgrammingAssignment2 O https://github.com/rdpeng/ProgrammingAssignment2 O + +to O to O +create O create O +a O a O +copy O copy O +under O under O +your O your O +own O own O +account O account O +. O . O + +Clone O Clone O +your O your O +forked O forked O +GitHub B-Website GitHub O +repository O repository O +to O to O +your O your O +computer O computer O +so O so O +that O that O +you O you O +can O can O +edit O edit O +the O the O +files O files O +locally O locally O +on O on O +your O your O +own O own O +machine O machine O +. O . O + +Edit O Edit O +the O the O +R B-File_Type R O +file O file O +contained O contained O +in O in O +the O the O +git B-Application git O +repository O repository O +and O and O +place O place O +your O your O +solution O solution O +in O in O +that O that O +file O file O +( O ( O +please O please O +do O do O +not O not O +rename O rename O +the O the O +file O file O +) O ) O +. O . O + +Commit O Commit O +your O your O +completed O completed O +R B-File_Type R O +file O file O +into O into O +YOUR O YOUR O +git O git O +repository O repository O +and O and O +push O push O +your O your O +git O git O +branch O branch O +to O to O +the O the O +GitHub B-Website GitHub O +repository O repository O +under O under O +your O your O +account O account O +. O . O + +Submit O Submit O +to O to O +Coursera B-Website Coursera O +the O the O +URL O URL O +to O to O +your O your O +GitHub B-Website GitHub O +repository O repository O +that O that O +contains O contains O +the O the O +completed O completed O +R B-Language R O +code O code O +for O for O +the O the O +assignment O assignment O +. O . O + +Grading O Grading O + +This O This O +assignment O assignment O +will O will O +be O be O +graded O graded O +via O via O +peer O peer O +assessment O assessment O +. O . O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/2 O https://github.com/linked-statistics/xkos/issues/2 O + +Issue O Issue O +closed O closed O +after O after O +version O version O +0.9.7 B-Version 0.9.7 O +. O . O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/19 O https://github.com/ben-eb/metalsmith-remark/issues/19 O + +@wooorm B-User_Name @wooorm O +Do O Do O +you O you O +see O see O +any O any O +problems O problems O +with O with O +releasing O releasing O +this O this O +as O as O +a O a O +patch O patch O +version O version O +, O , O +or O or O +would O would O +you O you O +suggest O suggest O +a O a O +major O major O +version O version O +instead O instead O +? O ? O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/36 O https://github.com/smirarab/pasta/issues/36 O + +Hello O Hello O +, O , O + +I O I O +am O am O +encountering O encountering O +the O the O +following O following O +error O error O +when O when O +attemping O attemping O +to O to O +analyze O analyze O +a O a O +FASTA B-Application FASTA O +collection O collection O +using O using O +run_pasta_gui.py B-File_Name run_pasta_gui.py O +: O : O + +PASTA B-Error_Name PASTA O +ERROR I-Error_Name ERROR O +: O : O +PASTA B-Application PASTA O +is O is O +exiting O exiting O +because O because O +of O of O +an O an O +error O error O +: O : O +The O The O +file O file O +" O " O +/home/nadaelnour/PASTA/pasta/tmpFXAY6D_internal.cfg O /home/nadaelnour/PASTA/pasta/tmpFXAY6D_internal.cfg O +" O " O +does O does O +not O not O +appear O appear O +to O to O +be O be O +a O a O +valid O valid O +configuration O configuration O +file O file O +format O format O +. O . O + +It O It O +lacks O lacks O +section O section O +headers O headers O +. O . O + +Job B-Library_Class Job O +pastajob B-Variable_Name pastajob O +is O is O +finished O finished O +. O . O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/5 O https://github.com/op-jenkins/op-build/issues/5 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/18 O https://github.com/ben-eb/metalsmith-remark/issues/18 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +remark B-Library remark O +just O just O +published O published O +its O its O +new O new O +version O version O +5.0.1 B-Version 5.0.1 O +. O . O + +State O State O + + +Update O Update O +:rocket O :rocket O +: O : O + + +Dependency O Dependency O + + + +remark B-Library remark O + + +New O New O +version O version O + + + +5.0.1 B-Version 5.0.1 O + + +Type O Type O + + + +dependency O dependency O + + +This O This O +version O version O +is O is O +not O not O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +. O . O + +Without O Without O +accepting O accepting O +this O this O +pull O pull O +request O request O +your O your O +project O project O +will O will O +work O work O +just O just O +like O like O +it O it O +did O did O +before O before O +. O . O + +There O There O +might O might O +be O be O +a O a O +bunch O bunch O +of O of O +new O new O +features O features O +, O , O +fixes O fixes O +and O and O +perf O perf O +improvements O improvements O +that O that O +the O the O +maintainers O maintainers O +worked O worked O +on O on O +for O for O +you O you O +though O though O +. O . O + +I O I O +recommend O recommend O +you O you O +look O look O +into O into O +these O these O +changes O changes O +and O and O +try O try O +to O to O +get O get O +onto O onto O +the O the O +latest O latest O +version O version O +of O of O +remark B-Library remark O +. O . O + +Given O Given O +that O that O +you O you O +have O have O +a O a O +decent O decent O +test O test O +suite O suite O +, O , O +a O a O +passing O passing O +build O build O +is O is O +a O a O +strong O strong O +indicator O indicator O +that O that O +you O you O +can O can O +take O take O +advantage O advantage O +of O of O +these O these O +changes O changes O +by O by O +merging O merging O +the O the O +proposed O proposed O +change O change O +into O into O +your O your O +project O project O +. O . O + +Otherwise O Otherwise O +this O this O +branch O branch O +is O is O +a O a O +great O great O +starting O starting O +point O point O +for O for O +you O you O +to O to O +work O work O +on O on O +the O the O +update O update O +. O . O + +Do O Do O +you O you O +have O have O +any O any O +ideas O ideas O +how O how O +I O I O +could O could O +improve O improve O +these O these O +pull O pull O +requests O requests O +? O ? O + +Did O Did O +I O I O +report O report O +anything O anything O +you O you O +think O think O +is O is O +n't O n't O +right O right O +? O ? O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +while O while O +I O I O +'m O 'm O +just O just O +a O a O +bot O bot O +, O , O +there O there O +is O is O +a O a O +group O group O +of O of O +people O people O +who O who O +are O are O +happy O happy O +to O to O +teach O teach O +me O me O +new O new O +things O things O +. O . O + +Let O Let O +them O them O +know O know O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +:sparkles O :sparkles O +: O : O + +You O You O +rock O rock O +! O ! O + +:palm_tree O :palm_tree O +: O : O + +This O This O +pull O pull O +request O request O +was O was O +created O created O +by O by O +greenkeeper.io B-Application greenkeeper.io O +. O . O + +Tired O Tired O +of O of O +seeing O seeing O +this O this O +sponsor O sponsor O +message O message O +? O ? O + +:zap O :zap O +: O : O +greenkeeper B-Code_Block greenkeeper B-Code_Block +upgrade I-Code_Block upgrade I-Code_Block + +Repository_Name O Repository_Name O +: O : O +StarkMike/Lab3 O StarkMike/Lab3 O + +Repository_Link O Repository_Link O +: O : O +https://github.com/StarkMike/Lab3 O https://github.com/StarkMike/Lab3 O + +This O This O +is O is O +a O a O +Readme B-File_Name Readme O +! O ! O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/2 O https://github.com/smirarab/pasta/issues/2 O + +masking O masking O +is O is O +not O not O +working O working O +for O for O +raxml B-Application raxml O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Repository_Link O Repository_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark O https://github.com/ben-eb/metalsmith-remark O + +metalsmith-remark O metalsmith-remark O + +Convert O Convert O +markdown B-Language markdown O +to O to O +html B-Language html O +with O with O +remark O remark O +. O . O + +If O If O +you O you O +have O have O +any O any O +issues O issues O +with O with O +the O the O +output O output O +of O of O +this O this O +plugin O plugin O +, O , O +please O please O +use O use O +the O the O + +remark O remark O +tracker O tracker O +. O . O + +Install O Install O + +With O With O +npm B-Application npm O +do O do O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_181807 I-Code_Block GR_181807 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Example O Example O + +The O The O +remark-html B-Library remark-html O +plugin O plugin O +is O is O +bundled O bundled O +for O for O +you O you O +automatically O automatically O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_181808 I-Code_Block GR_181808 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Add O Add O +further O further O +plugins O plugins O +by O by O +passing O passing O +an O an O +array B-Data_Structure array O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_181809 I-Code_Block GR_181809 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Contributing O Contributing O + +Pull O Pull O +requests O requests O +are O are O +welcome O welcome O +. O . O + +If O If O +you O you O +add O add O +functionality O functionality O +, O , O +then O then O +please O please O +add O add O +unit O unit O +tests O tests O +to O to O +cover O cover O +it O it O +. O . O + +License O License O + +MIT B-Licence MIT O +© O © O +Ben B-User_Name Ben O +Briggs I-User_Name Briggs O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/33 O https://github.com/svenstaro/flamejam/issues/33 O + +Simple O Simple O +enough O enough O +. O . O + +Change O Change O +will O will O +prohibit O prohibit O +usernames O usernames O +containing O containing O +characters O characters O +that O that O +match O match O +the O the O +regular B-Algorithm regular O +expression I-Algorithm expression O +. O . O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/8 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/8 O + +The O The O +current O current O +plugins O plugins O +* B-Application * O +sqs I-Application sqs O +and O and O +the O the O +* B-Application * O +s3 I-Application s3 O +plugins O plugins O +are O are O +using O using O +api B-Library api O +v1 B-Version v1 O +, O , O +Amazon B-Organization Amazon O +have O have O +released O released O +a O a O +2.0 B-Version 2.0 O +of O of O +their O their O +libraries O libraries O +and O and O +did O did O +a O a O +few O few O +changes O changes O +that O that O +could O could O +potentially O potentially O +breaks O breaks O +the O the O +plugins O plugins O +we O we O +will O will O +need O need O +to O to O +update O update O +the O the O +plugin O plugin O +sto O sto O +use O use O +the O the O +new O new O +version O version O +since O since O +they O they O +are O are O +only O only O +doing O doing O +bugfixes O bugfixes O +in O in O +v1 B-Version v1 O +. O . O + +ref O ref O +#7 O #7 O + +Repository_Name O Repository_Name O +: O : O +tkgjatqdfei/personal O tkgjatqdfei/personal O +-hub O -hub O + +Repository_Link O Repository_Link O +: O : O +https://github.com/tkgjatqdfei/personal-hub O https://github.com/tkgjatqdfei/personal-hub O + +some O some O +batch O batch O +files O files O + +Repository_Name O Repository_Name O +: O : O +harshnarang8/AcaConnectFour O harshnarang8/AcaConnectFour O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/harshnarang8/AcaConnectFour/issues/2 O https://github.com/harshnarang8/AcaConnectFour/issues/2 O + +Implementation O Implementation O +in O in O +java B-Language java O +. O . O + +AI O AI O +programming O programming O +still O still O +left O left O +as O as O +yet O yet O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/79 O https://github.com/spacetelescope/specview/issues/79 O + +Closing O Closing O +this O this O +issue O issue O +to O to O +archive O archive O +this O this O +repo O repo O +. O . O + +It O It O +will O will O +still O still O +be O be O +readable O readable O +if O if O +needed O needed O +. O . O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/5 O https://github.com/moso/flexgrid/issues/5 O + +Add O Add O +justify-content B-Code_Block justify-content B-Code_Block +: I-Code_Block : I-Code_Block +space-evenly I-Code_Block space-evenly I-Code_Block +as O as O +experimental O experimental O +feature O feature O +. O . O + +Can O Can O +I O I O +use O use O + +MDN O MDN O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/34 O https://github.com/google-ar/arcore-unreal-sdk/issues/34 O + +The O The O +missing O missing O +GoogleARCoreServices B-Application GoogleARCoreServices O +plugin I-Application plugin O +will O will O +be O be O +fixed O fixed O +in O in O +the O the O +coming O coming O +Unreal B-Application Unreal O +4.20.3 B-Version 4.20.3 O +. O . O + +You O You O +can O can O +either O either O +wait O wait O +for O for O +that O that O +one O one O +or O or O +use O use O +Google B-Organization Google O +'s O 's O +source O source O +code O code O +release O release O +on O on O +the O the O +release O release O +note O note O +in O in O +this O this O +repo O repo O +. O . O + +You O You O +get O get O +a O a O +404 B-Error_Name 404 O +because O because O +you O you O +github B-Website github O +account O account O +do O do O +n't O n't O +have O have O +access O access O +to O to O +Unreal B-Application Unreal O +source O source O +code O code O +. O . O + +You O You O +can O can O +follow O follow O +the O the O +guide O guide O +here O here O +to O to O +gain O gain O +access O access O +: O : O +https://www.unrealengine.com/en-US/ue4-on-github O https://www.unrealengine.com/en-US/ue4-on-github O + +Repository_Name O Repository_Name O +: O : O +OpenPrograms/MiscPrograms O OpenPrograms/MiscPrograms O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/OpenPrograms/MiscPrograms/issues/2 O https://github.com/OpenPrograms/MiscPrograms/issues/2 O + +See O See O +the O the O +commits O commits O +for O for O +what O what O +got O got O +changed O changed O +. O . O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/1 O https://github.com/moso/flexgrid/issues/1 O + +Fixed O Fixed O +in O in O +25e5d02 O 25e5d02 O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/35 O https://github.com/rpcope1/Hantek6022API/issues/35 O + +I O I O +finally O finally O +got O got O +around O around O +playing O playing O +with O with O +my O my O +Oscilloscope B-Device Oscilloscope O +again O again O +. O . O + +Please O Please O +try O try O +this O this O +patch O patch O +: O : O +https://github.com/jhoenicke/Hantek6022API/commit/6dfbf5261fcc69b01ae111ea29c98655fe55bbe7 O https://github.com/jhoenicke/Hantek6022API/commit/6dfbf5261fcc69b01ae111ea29c98655fe55bbe7 O + +The O The O +sample O sample O +rate O rate O +0x1e O 0x1e O += O = O +30 O 30 O +was O was O +too O too O +high O high O +for O for O +isochronous O isochronous O +transfers O transfers O +. O . O + +The O The O +firmware O firmware O +was O was O +n't O n't O +reflashed O reflashed O +and O and O +this O this O +leads O leads O +to O to O +the O the O +python B-Language python O +library O library O +not O not O +supporting O supporting O +the O the O +single O single O +channel O channel O +mode O mode O +( O ( O +maybe O maybe O +I O I O +can O can O +change O change O +the O the O +python B-Language python O +library O library O +to O to O +autodetect O autodetect O +single O single O +channel O channel O +support O support O +) O ) O +. O . O + +Single O Single O +channel O channel O +is O is O +important O important O +to O to O +get O get O +24Msamples/s O 24Msamples/s O +, O , O +and O and O +explains O explains O +why O why O +you O you O +only O only O +got O got O +12288000 O 12288000 O +samples/s O samples/s O +( O ( O +3072 O 3072 O +bytes O bytes O +per O per O +1/8 O 1/8 O +ms O ms O +divided O divided O +by O by O +number O number O +of O of O +channels O channels O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsergio/ophmisu O wsergio/ophmisu O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsergio/ophmisu/issues/1 O https://github.com/wsergio/ophmisu/issues/1 O + +No O No O +worries O worries O +. O . O + +Figured O Figured O +you O you O +would O would O +like O like O +to O to O +know O know O +. O . O + +Thanks O Thanks O + +Repository_Name O Repository_Name O +: O : O +mongrate/mongrate.com O mongrate/mongrate.com O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mongrate/mongrate.com/issues/1 O https://github.com/mongrate/mongrate.com/issues/1 O + +Oops O Oops O +! O ! O + +Will O Will O +fix O fix O +this O this O +when O when O +I O I O +'m O 'm O +back O back O +at O at O +my O my O +laptop O laptop O +in O in O +10 O 10 O +mins O mins O +:) O :) O +On O On O +23 O 23 O +Jun O Jun O +2016 O 2016 O +13:07 O 13:07 O +, O , O +" O " O +Aleksandr B-User_Name Aleksandr O +Volochnev I-User_Name Volochnev O +" O " O +notifications@github.com O notifications@github.com O +wrote O wrote O +: O : O + +[ O [ O +image O image O +: O : O +image O image O +] O ] O +https://cloud.githubusercontent.com/assets/1742301/16302512/d546c7aa-394b-11e6-92ff-67e648b08123.png O https://cloud.githubusercontent.com/assets/1742301/16302512/d546c7aa-394b-11e6-92ff-67e648b08123.png O + +— O — O +You O You O +are O are O +receiving O receiving O +this O this O +because O because O +you O you O +are O are O +subscribed O subscribed O +to O to O +this O this O +thread O thread O +. O . O + +Reply O Reply O +to O to O +this O this O +email O email O +directly O directly O +, O , O +view O view O +it O it O +on O on O +GitHub O GitHub O +https://github.com/mongrate/mongrate.com/issues/1 O https://github.com/mongrate/mongrate.com/issues/1 O +, O , O +or O or O +mute O mute O +the O the O +thread O thread O +https://github.com/notifications/unsubscribe/AAYTgo-Hjqexs7Mx1xBJe7sMCd6QJHOuks5qOncPgaJpZM4I8vTF O https://github.com/notifications/unsubscribe/AAYTgo-Hjqexs7Mx1xBJe7sMCd6QJHOuks5qOncPgaJpZM4I8vTF O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/47 O https://github.com/mapbox/tile-count/issues/47 O + +https://github.com/miloyip/dtoa-benchmark/issues/7 O https://github.com/miloyip/dtoa-benchmark/issues/7 O + +commit O commit O +fe550f38669fe0f488926c1ef0feb6c101f586d6 O fe550f38669fe0f488926c1ef0feb6c101f586d6 O +Author O Author O +: O : O +Eli B-User_Name Eli O +Fidler I-User_Name Fidler O +efidler@topologyinc.com O efidler@topologyinc.com O + +Date O Date O +: O : O +Tue O Tue O +May O May O +31 O 31 O +11:51:37 O 11:51:37 O +2016 O 2016 O +-0400 O -0400 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_58298 I-Code_Block GR_58298 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/169 O https://github.com/katzer/cordova-plugin-background-mode/issues/169 O + +That O That O +sounds O sounds O +more O more O +like O like O +an O an O +issue O issue O +outside O outside O +of O of O +the O the O +plugin O plugin O +. O . O + +BTW O BTW O +if O if O +the O the O +app O app O +is O is O +not O not O +visible O visible O +then O then O +the O the O +event O event O +is O is O +unlikely O unlikely O +to O to O +happen O happen O +for O for O +the O the O +app O app O +. O . O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/3 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/3 O + +Update O Update O +to O to O +viewmodel-react B-Library viewmodel-react B-Code_Block +v2.4.1 B-Version v2.4.1 I-Code_Block + +Thanks O Thanks O + +Repository_Name O Repository_Name O +: O : O +umebayashi/jQuery.Gantt O umebayashi/jQuery.Gantt O + +Repository_Link O Repository_Link O +: O : O +https://github.com/umebayashi/jQuery.Gantt O https://github.com/umebayashi/jQuery.Gantt O + +Demo O Demo O +and O and O +Documentation O Documentation O + +jQuery B-Library jQuery O +Gantt B-Application Gantt O +Chart I-Application Chart O +is O is O +a O a O +simple O simple O +chart B-User_Interface_Element chart O +that O that O +implements O implements O +gantt O gantt O +functionality O functionality O +as O as O +a O a O +jQuery B-Library jQuery O +component O component O +. O . O + +It O It O +'s O 's O +able O able O +to O to O +: O : O + +Read O Read O +json B-File_Type json O +data O data O + +Paging O Paging O +results O results O + +Display O Display O +different O different O +colours O colours O +for O for O +each O each O +task O task O + +Display O Display O +short O short O +description O description O +as O as O +hints O hints O + +Mark O Mark O +holidays O holidays O + +Plugin O Plugin O +was O was O +tested O tested O +and O and O +should O should O +work O work O +on O on O +: O : O + +Firefox B-Application Firefox O +4+ B-Version 4+ O + +Chrome B-Application Chrome O +13+ B-Version 13+ O + +Safari B-Application Safari O +5+ B-Version 5+ O + +Opera B-Application Opera O +9+ B-Version 9+ O + +IE B-Application IE O +8+ B-Version 8+ O + +Distributed O Distributed O +under O under O +an O an O +MIT B-Licence MIT O +license I-Licence license O +. O . O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/3 O https://github.com/op-jenkins/op-build/issues/3 O + +retest O retest O +this O this O +please O please O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/2 O https://github.com/thehyve/puppet-i2b2/issues/2 O + +Forward O Forward O +all O all O +trafic O trafic O +to O to O +secure O secure O +connections O connections O +. O . O + +Changed O Changed O +the O the O +axis2 B-Application axis2 O +admin O admin O +password O password O +fro O fro O +mthe O mthe O +default O default O +to O to O +something O something O +not O not O +t O t O +be O be O +guessed O guessed O +. O . O + +Increased O Increased O +the O the O +max O max O +number O number O +of O of O +connections O connections O +for O for O +postgreSQL B-Application postgreSQL O +. O . O + +Repository_Name O Repository_Name O +: O : O +prateek-kacker/TensorFlow_CNN O prateek-kacker/TensorFlow_CNN O + +Repository_Link O Repository_Link O +: O : O +https://github.com/prateek-kacker/TensorFlow_CNN O https://github.com/prateek-kacker/TensorFlow_CNN O + +#CNN B-Algorithm #CNN O +TensorFLow B-Library TensorFLow O +CIFAR-10 B-Data_Set_Name CIFAR-10 O +is O is O +a O a O +common O common O +benchmark O benchmark O +in O in O +machine O machine O +learning O learning O +for O for O +image B-User_Interface_Element image O +recognition O recognition O +. O . O + +Link O Link O +: O : O +http://www.cs.toronto.edu/~kriz/cifar.html O http://www.cs.toronto.edu/~kriz/cifar.html O + +Overview O Overview O + +Code O Code O +in O in O +this O this O +directory O directory O +demonstrates O demonstrates O +how O how O +to O to O +use O use O +TensorFlow B-Library TensorFlow O +to O to O +train O train O +and O and O +evaluate O evaluate O +a O a O +convolutional B-Algorithm convolutional O +neural I-Algorithm neural O +network I-Algorithm network O +( O ( O +CNN B-Algorithm CNN O +) O ) O +on O on O +both O both O +CPU B-Device CPU O +and O and O +GPU B-Device GPU O +. O . O + +We O We O +also O also O +demonstrate O demonstrate O +how O how O +to O to O +train O train O +a O a O +CNN B-Algorithm CNN O +over O over O +multiple O multiple O +GPUs B-Device GPUs O +. O . O + +Installation O Installation O +Ubuntu/Linux B-Operating_System Ubuntu/Linux O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12116 I-Code_Block GR_12116 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Model O Model O +Architecture O Architecture O + +The O The O +model O model O +in O in O +this O this O +CIFAR-10 B-Data_Set_Name CIFAR-10 O +tutorial O tutorial O +is O is O +a O a O +multi-layer O multi-layer O +architecture O architecture O +consisting O consisting O +of O of O +alternating O alternating O +convolutions O convolutions O +and O and O +nonlinearities O nonlinearities O +. O . O + +These O These O +layers O layers O +are O are O +followed O followed O +by O by O +fully O fully O +connected O connected O +layers O layers O +leading O leading O +into O into O +a O a O +softmax B-Algorithm softmax O +classifier O classifier O +. O . O + +The O The O +model O model O +follows O follows O +the O the O +architecture O architecture O +described O described O +by O by O +Alex B-User_Name Alex O +Krizhevsky I-User_Name Krizhevsky O +, O , O +with O with O +a O a O +few O few O +differences O differences O +in O in O +the O the O +top O top O +few O few O +layers O layers O +. O . O + +This O This O +model O model O +achieves O achieves O +a O a O +peak O peak O +performance O performance O +of O of O +about O about O +86% O 86% O +accuracy O accuracy O +within O within O +a O a O +few O few O +hours O hours O +of O of O +training O training O +time O time O +on O on O +a O a O +GPU B-Device GPU O +. O . O + +Please O Please O +see O see O +below O below O +and O and O +the O the O +code O code O +for O for O +details O details O +. O . O + +It O It O +consists O consists O +of O of O +1,068,298 O 1,068,298 O +learnable O learnable O +parameters O parameters O +and O and O +requires O requires O +about O about O +19.5M O 19.5M O +multiply-add O multiply-add O +operations O operations O +to O to O +compute O compute O +inference O inference O +on O on O +a O a O +single O single O +image B-User_Interface_Element image O +. O . O + +Code O Code O +Organization O Organization O + +File O File O + +Purpose O Purpose O + +cifar10_input.py B-File_Name cifar10_input.py O + +Reads O Reads O +the O the O +native O native O +CIFAR-10 B-Data_Set_Name CIFAR-10 O +binary B-File_Type binary O +file O file O +format O format O +. O . O + +cifar10.py B-File_Name cifar10.py O + +Builds O Builds O +the O the O +CIFAR-10 B-Data_Set_Name CIFAR-10 O +model O model O +. O . O + +cifar10_train.py B-File_Name cifar10_train.py O + +Trains O Trains O +a O a O +CIFAR-10 B-Data_Set_Name CIFAR-10 O +model O model O +on O on O +a O a O +CPU B-Device CPU O +or O or O +GPU B-Device GPU O +. O . O + +cifar10_multi_gpu_train.py B-File_Name cifar10_multi_gpu_train.py O + +Trains O Trains O +a O a O +CIFAR-10 B-Data_Set_Name CIFAR-10 O +model O model O +on O on O +multiple O multiple O +GPUs B-Device GPUs O +. O . O + +cifar10_eval.py B-File_Name cifar10_eval.py O + +Evaluates O Evaluates O +the O the O +predictive O predictive O +performance O performance O +of O of O +CIFAR10 B-Data_Set_Name CIFAR10 O + +CIFAR-10 B-Data_Set_Name CIFAR-10 O +Model O Model O + +The O The O +CIFAR-10 B-Data_Set_Name CIFAR-10 O +network O network O +is O is O +largely O largely O +contained O contained O +in O in O +cifar10.py B-File_Name cifar10.py B-Code_Block +. O . O + +The O The O +complete O complete O +training O training O +graph B-Data_Structure graph O +contains O contains O +roughly O roughly O +765 O 765 O +operations O operations O +. O . O + +We O We O +find O find O +that O that O +we O we O +can O can O +make O make O +the O the O +code O code O +most O most O +reusable O reusable O +by O by O +constructing O constructing O +the O the O +graph B-Data_Structure graph O +with O with O +the O the O +following O following O +modules O modules O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12117 I-Code_Block GR_12117 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Model O Model O +Inputs O Inputs O + +The O The O +input O input O +part O part O +of O of O +the O the O +model O model O +is O is O +built O built O +by O by O +the O the O +functions O functions O +inputs() B-Library_Function inputs() B-Code_Block +and O and O +distorted_inputs() B-Library_Function distorted_inputs() B-Code_Block +which O which O +read O read O +images B-User_Interface_Element images O +from O from O +the O the O +CIFAR-10 B-Data_Set_Name CIFAR-10 O +binary B-File_Type binary O +data O data O +files O files O +. O . O + +These O These O +files O files O +contain O contain O +fixed O fixed O +byte O byte O +length O length O +records O records O +, O , O +so O so O +we O we O +use O use O +tf.FixedLengthRecordReader B-Library_Class tf.FixedLengthRecordReader B-Code_Block +. O . O + +The O The O +images B-User_Interface_Element images O +are O are O +processed O processed O +as O as O +follows O follows O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12118 I-Code_Block GR_12118 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +For O For O +training O training O +, O , O +we O we O +additionally O additionally O +apply O apply O +a O a O +series O series O +of O of O +random O random O +distortions O distortions O +to O to O +artificially O artificially O +increase O increase O +the O the O +data O data O +set O set O +size O size O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12119 I-Code_Block GR_12119 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Model O Model O +Predicition O Predicition O + +The O The O +prediction O prediction O +part O part O +of O of O +the O the O +model O model O +is O is O +constructed O constructed O +by O by O +the O the O +inference() B-Library_Function inference() B-Code_Block +function O function O +which O which O +adds O adds O +operations O operations O +to O to O +compute O compute O +the O the O +logits O logits O +of O of O +the O the O +predictions O predictions O +. O . O + +That O That O +part O part O +of O of O +the O the O +model O model O +is O is O +organized O organized O +as O as O +follows O follows O +: O : O + +Layer O Layer O +Name O Name O + +Description O Description O + +conv1 O conv1 O + +convolution B-Algorithm convolution O +and O and O +rectified B-Algorithm rectified O +linear I-Algorithm linear O +activation I-Algorithm activation O +. O . O + +pool1 O pool1 O + +max B-Algorithm max O +pooling I-Algorithm pooling O +. O . O + +conv2 O conv2 O + +convolution B-Algorithm convolution O +and O and O +rectified B-Algorithm rectified O +linear I-Algorithm linear O +activation I-Algorithm activation O +. O . O + +norm2 O norm2 O + +local B-Algorithm local O +response I-Algorithm response O +normalization I-Algorithm normalization O +. O . O + +pool2 O pool2 O + +max B-Algorithm max O +pooling I-Algorithm pooling O +. O . O + +local3 O local3 O + +fully B-Algorithm fully O +connected I-Algorithm connected O +layer I-Algorithm layer O +with O with O +rectified B-Algorithm rectified O +linear I-Algorithm linear O +activation I-Algorithm activation O +. O . O + +local4 O local4 O + +fully B-Algorithm fully O +connected I-Algorithm connected O +layer I-Algorithm layer O +with O with O +rectified B-Algorithm rectified O +linear I-Algorithm linear O +activation I-Algorithm activation O +. O . O + +softmax_linear B-Algorithm softmax_linear O + +linear O linear O +transformation O transformation O +to O to O +produce O produce O +logits O logits O +. O . O + +Model O Model O +Training O Training O + +The O The O +usual O usual O +method O method O +for O for O +training O training O +a O a O +network O network O +to O to O +perform O perform O +N-way O N-way O +classification O classification O +is O is O +multinomial B-Algorithm multinomial O +logistic I-Algorithm logistic O +regression I-Algorithm regression O +, O , O +aka O aka O +. O . O + +softmax B-Algorithm softmax O +regression I-Algorithm regression O +. O . O + +Softmax B-Algorithm Softmax O +regression I-Algorithm regression O +applies O applies O +a O a O +softmax B-Algorithm softmax O +nonlinearity I-Algorithm nonlinearity O +to O to O +the O the O +output O output O +of O of O +the O the O +network O network O +and O and O +calculates O calculates O +the O the O +cross-entropy B-Algorithm cross-entropy O +between O between O +the O the O +normalized O normalized O +predictions O predictions O +and O and O +a O a O +1-hot B-Algorithm 1-hot O +encoding I-Algorithm encoding O +of O of O +the O the O +label O label O +. O . O + +For O For O +regularization O regularization O +, O , O +we O we O +also O also O +apply O apply O +the O the O +usual O usual O +weight O weight O +decay O decay O +losses O losses O +to O to O +all O all O +learned O learned O +variables O variables O +. O . O + +The O The O +objective O objective O +function O function O +for O for O +the O the O +model O model O +is O is O +the O the O +sum O sum O +of O of O +the O the O +cross B-Algorithm cross O +entropy I-Algorithm entropy O +loss I-Algorithm loss O +and O and O +all O all O +these O these O +weight O weight O +decay O decay O +terms O terms O +, O , O +as O as O +returned O returned O +by O by O +the O the O +loss() B-Library_Function loss() B-Code_Block +function O function O +. O . O + +Launching O Launching O +and O and O +Training O Training O +the O the O +Model O Model O + +We O We O +have O have O +built O built O +the O the O +model O model O +, O , O +let O let O +'s O 's O +now O now O +launch O launch O +it O it O +and O and O +run O run O +the O the O +training O training O +operation O operation O +with O with O +the O the O +script O script O +cifar10_train.py B-File_Name cifar10_train.py O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12120 I-Code_Block GR_12120 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +should O should O +see O see O +the O the O +output O output O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12121 I-Code_Block GR_12121 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +script O script O +reports O reports O +the O the O +total O total O +loss O loss O +every O every O +10 O 10 O +steps O steps O +as O as O +well O well O +the O the O +speed O speed O +at O at O +which O which O +the O the O +last O last O +batch O batch O +of O of O +data O data O +was O was O +processed O processed O +. O . O + +A O A O +few O few O +comments O comments O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12122 I-Code_Block GR_12122 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +followed O followed O +the O the O +previous O previous O +steps O steps O +, O , O +then O then O +you O you O +have O have O +now O now O +started O started O +training O training O +a O a O +CIFAR-10 B-Data_Set_Name CIFAR-10 O +model O model O +. O . O + +Congratulations O Congratulations O +! O ! O + +The O The O +terminal O terminal O +text O text O +returned O returned O +from O from O +cifar10_train.py B-File_Name cifar10_train.py B-Code_Block +provides O provides O +minimal O minimal O +insight O insight O +into O into O +how O how O +the O the O +model O model O +is O is O +training O training O +. O . O + +Evaluating O Evaluating O +a O a O +Model O Model O + +Let O Let O +us O us O +now O now O +evaluate O evaluate O +how O how O +well O well O +the O the O +trained O trained O +model O model O +performs O performs O +on O on O +a O a O +hold-out O hold-out O +data O data O +set O set O +. O . O + +the O the O +model O model O +is O is O +evaluated O evaluated O +by O by O +the O the O +script O script O +cifar10_eval.py B-File_Name cifar10_eval.py B-Code_Block +. O . O + +It O It O +constructs O constructs O +the O the O +model O model O +with O with O +the O the O +inference() B-Library_Function inference() B-Code_Block +function O function O +and O and O +uses O uses O +all O all O +10,000 O 10,000 O +images B-User_Interface_Element images O +in O in O +the O the O +evaluation O evaluation O +set O set O +of O of O +CIFAR-10 B-Data_Set_Name CIFAR-10 O +. O . O + +It O It O +calculates O calculates O +the O the O +precision O precision O +at O at O +1 O 1 O +: O : O +how O how O +often O often O +the O the O +top O top O +prediction O prediction O +matches O matches O +the O the O +true O true O +label O label O +of O of O +the O the O +image B-User_Interface_Element image O +. O . O + +To O To O +monitor O monitor O +how O how O +the O the O +model O model O +improves O improves O +during O during O +training O training O +, O , O +the O the O +evaluation O evaluation O +script O script O +runs O runs O +periodically O periodically O +on O on O +the O the O +latest O latest O +checkpoint O checkpoint O +files O files O +created O created O +by O by O +the O the O +cifar10_train.py B-File_Name cifar10_train.py B-Code_Block +. I-File_Name . I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12123 I-Code_Block GR_12123 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +should O should O +see O see O +the O the O +output O output O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12124 I-Code_Block GR_12124 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Launching O Launching O +and O and O +Training O Training O +the O the O +Model O Model O +on O on O +Multiple O Multiple O +GPU B-Device GPU O +cards O cards O + +If O If O +you O you O +have O have O +several O several O +GPU B-Device GPU O +cards O cards O +installed O installed O +on O on O +your O your O +machine O machine O +you O you O +can O can O +use O use O +them O them O +to O to O +train O train O +the O the O +model O model O +faster O faster O +with O with O +the O the O +cifar10_multi_gpu_train.py B-File_Name cifar10_multi_gpu_train.py B-Code_Block +script O script O +. O . O + +It O It O +is O is O +a O a O +variation O variation O +of O of O +the O the O +training O training O +script O script O +that O that O +parallelizes O parallelizes O +the O the O +model O model O +across O across O +multiple O multiple O +GPU B-Device GPU O +cards O cards O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_12125 I-Code_Block GR_12125 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Contributions O Contributions O + +http://tensorflow.org/tutorials O http://tensorflow.org/tutorials O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/39 O https://github.com/resin-io-modules/resin-image-fs/issues/39 O + +LGTM O LGTM O +. O . O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/5 O https://github.com/libp2p/interface-record-store/issues/5 O + +Created O Created O +with O with O +https://github.com/dkhamsing/frankenstein O https://github.com/dkhamsing/frankenstein O + +GitHub B-Website GitHub O +Corrected O Corrected O +URLs O URLs O + +Was O Was O + +Now O Now O + +https://github.com/diasdavid/interface-stream-muxer O https://github.com/diasdavid/interface-stream-muxer O + +https://github.com/libp2p/interface-stream-muxer O https://github.com/libp2p/interface-stream-muxer O + +https://github.com/diasdavid/node-ipfs-distributed-record-store O https://github.com/diasdavid/node-ipfs-distributed-record-store O + +https://github.com/libp2p/js-libp2p-distributed-record-store O https://github.com/libp2p/js-libp2p-distributed-record-store O + +https://github.com/diasdavid/node-ipfs-kad-record-store O https://github.com/diasdavid/node-ipfs-kad-record-store O + +https://github.com/libp2p/js-libp2p-kad-record-store O https://github.com/libp2p/js-libp2p-kad-record-store O + +Repository_Name O Repository_Name O +: O : O +andrewreeman/simpleSF_Player O andrewreeman/simpleSF_Player O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/andrewreeman/Simple-soundfile-player/issues/7 O https://github.com/andrewreeman/Simple-soundfile-player/issues/7 O + +http://stackoverflow.com/questions/3597900/qsettings-file-chooser-should-remember-the-last-directory O http://stackoverflow.com/questions/3597900/qsettings-file-chooser-should-remember-the-last-directory O + +Repository_Name O Repository_Name O +: O : O +jkraemer/redmine_airbrake O jkraemer/redmine_airbrake O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jkraemer/redmine_airbrake/issues/2 O https://github.com/jkraemer/redmine_airbrake/issues/2 O + +Hi O Hi O +@jkraemer B-User_Name @jkraemer O +, O , O +maybe O maybe O +it O it O +could O could O +be O be O +a O a O +lot O lot O +easier O easier O +to O to O +include O include O +the O the O +additional O additional O +redmine B-Application redmine O +parameters O parameters O +in O in O +the O the O +json B-File_Type json O +body O body O +of O of O +the O the O +notice O notice O +. O . O + +We O We O +could O could O +for O for O +example O example O +do O do O +the O the O +following O following O +in O in O +our O our O +airbrake B-Application airbrake O +initializer O initializer O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_74089 I-Code_Block GR_74089 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +we O we O +have O have O +to O to O +extract O extract O +the O the O +config O config O +information O information O +after O after O +parsing O parsing O +the O the O +request O request O +body O body O +. O . O + +This O This O +seems O seems O +like O like O +a O a O +clean O clean O +solution O solution O +to O to O +me O me O +. O . O + +What O What O +do O do O +you O you O +think O think O +? O ? O + +Should O Should O +I O I O +make O make O +a O a O +PR O PR O +for O for O +this O this O +? O ? O + +Repository_Name O Repository_Name O +: O : O +9818679544/hello O 9818679544/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/9818679544/hello-world/issues/2 O https://github.com/9818679544/hello-world/issues/2 O + +this O this O +is O is O +my O my O +first O first O +experience O experience O +on O on O +github B-Website github O + +Repository_Name O Repository_Name O +: O : O +lobbin/chrome O lobbin/chrome O +-die2nitemapupdater O -die2nitemapupdater O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lobbin/chrome-die2nitemapupdater/issues/2 O https://github.com/lobbin/chrome-die2nitemapupdater/issues/2 O + +I O I O +know O know O +. O . O + +It O It O +also O also O +disappears O disappears O +when O when O +using O using O +the O the O +" O " O +refresh O refresh O +" O " O +links O links O +and/or O and/or O +auto-refresh O auto-refresh O +due O due O +to O to O +auto-search O auto-search O +. O . O + +Repository_Name O Repository_Name O +: O : O +madison-kerndt/off O madison-kerndt/off O +-on-guard-synesthesia O -on-guard-synesthesia O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/madison-kerndt/avant-garde-synesthesia/issues/11 O https://github.com/madison-kerndt/avant-garde-synesthesia/issues/11 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/23 O https://github.com/demigor/lex.db/issues/23 O + +You O You O +need O need O +to O to O +pack O pack O +your O your O +database O database O +files O files O +into O into O +Lex.Db O Lex.Db O +\ O \ O +( O ( O +DbName O DbName O +) O ) O +project O project O +folder O folder O +. O . O + +For O For O +instance O instance O +, O , O +if O if O +your O your O +database O database O +named O named O +" O " O +Demo O Demo O +" O " O +, O , O +copy O copy O +all O all O +* B-File_Type * O +.data I-File_Type .data O +and O and O +* B-File_Type * O +.index I-File_Type .index O +files O files O +into O into O +( O ( O +YourProjectRoot O YourProjectRoot O +) O ) O +\Lex.Db\Demo O \Lex.Db\Demo O +folder O folder O +, O , O +include O include O +all O all O +these O these O +files O files O +into O into O +your O your O +project O project O +and O and O +set O set O +their O their O +Build O Build O +Action O Action O +-> O -> O +Content O Content O +and O and O +Copy O Copy O +to O to O +Output O Output O +Directory O Directory O +-> O -> O +Copy O Copy O +if O if O +newer O newer O +. O . O + +Unfortunately O Unfortunately O +, O , O +application O application O +deployment O deployment O +folder O folder O +in O in O +WinRT B-Application WinRT O +is O is O +read O read O +only O only O +. O . O + +So O So O +you O you O +cannot O cannot O +modify O modify O +any O any O +data O data O +located O located O +there O there O +. O . O + +Repository_Name O Repository_Name O +: O : O +makeen-project/makeen O makeen-project/makeen O +-hapi O -hapi O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/viczam/makeen-hapi/issues/36 O https://github.com/viczam/makeen-hapi/issues/36 O + + +simple O simple O + +behind O behind O +authentication O authentication O +( O ( O +with O with O +signed O signed O +downloads O downloads O +) O ) O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/5 O https://github.com/rcfbanalysis/rcfbscraper/issues/5 O + +I O I O +added O added O +two O two O +quick O quick O +and O and O +dirty O dirty O +filters O filters O +that O that O +do O do O +n't O n't O +require O require O +heavy O heavy O +logic O logic O +, O , O +given O given O +that O that O +every O every O +error O error O +in O in O +ESPN B-Organization ESPN O +data O data O +that O that O +i O i O +saw O saw O +was O was O +due O due O +to O to O +duplicate O duplicate O +data O data O +, O , O +not O not O +just O just O +wrong O wrong O +data O data O +. O . O + +Not O Not O +sure O sure O +how O how O +you O you O +want O want O +to O to O +handle O handle O +when O when O +we O we O +DO O DO O +find O find O +an O an O +error O error O + +First O First O +: O : O +play_count B-Variable_Name play_count O += O = O +0 O 0 O +for O for O +play O play O +in O in O +drive.Play_List B-Variable_Name drive.Play_List O +: O : O +if O if O +play.Play_Type B-Variable_Name play.Play_Type O +in O in O +[ O [ O +'PASS' O 'PASS' O +, O , O +'RUSH' O 'RUSH' O +, O , O +'SACK' O 'SACK' O +] O ] O +: O : O +play_count B-Variable_Name play_count O ++ O + O += O = O +1 O 1 O +if O if O +drive.Plays B-Variable_Name drive.Plays O +!= O != O +play_count B-Variable_Name play_count O +and O and O +drive.Plays B-Variable_Name drive.Plays O +> O > O +0 O 0 O +: O : O +print O print O +" O " O +Play O Play O +number O number O +mismatch O mismatch O +" O " O + +We O We O +compare O compare O +the O the O +drive O drive O +summary O summary O +with O with O +the O the O +# O # O +of O of O +plays O plays O +we O we O +have O have O +in O in O +PBP O PBP O +data O data O +. O . O + +Just O Just O +as O as O +a O a O +Cross O Cross O +correlation O correlation O +check O check O +. O . O + +The O The O +drive O drive O +summary O summary O +can O can O +be O be O +incorrect O incorrect O +as O as O +well O well O +though. O though. O +. O . O +That O That O +'s O 's O +why O why O +i O i O +made O made O +sure O sure O +the O the O +summary O summary O +has O has O +>0 O >0 O +plays O plays O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_55158 I-Code_Block GR_55158 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +here O here O +, O , O +if O if O +we O we O +find O find O +an O an O +exact O exact O +duplicate O duplicate O +play O play O +at O at O +the O the O +same O same O +yard O yard O +line O line O +and O and O +down O down O +, O , O +we O we O +alert O alert O +. O . O + +The O The O +only O only O +reasonable O reasonable O +time O time O +this O this O +should O should O +EVER O EVER O +happen O happen O +in O in O +a O a O +game O game O +would O would O +be O be O +a O a O +Huge O Huge O +loss O loss O +, O , O +followed O followed O +by O by O +a O a O +penalty O penalty O +to O to O +get O get O +to O to O +the O the O +same O same O +yard O yard O +line O line O +& O & O +first O first O +down O down O +. O . O + +Followed O Followed O +by O by O +the O the O +exact O exact O +same O same O +huge O huge O +loss O loss O +again. O again. O +. O . O + +1 O 1 O +& O & O +10 O 10 O +@ O @ O +30 O 30 O +- O - O +sack O sack O +for O for O +loss O loss O +of O of O +20 O 20 O +yards O yards O +. O . O + +2 O 2 O +& O & O +30 O 30 O +@ O @ O +50 O 50 O +- O - O +defensive O defensive O +pass O pass O +interferance O interferance O +. O . O + +1st O 1st O +down O down O +at O at O +the O the O +30 O 30 O +1 O 1 O +& O & O +10 O 10 O +@ O @ O +30 O 30 O +- O - O +sack O sack O +for O for O +loss O loss O +of O of O +20 O 20 O +yards O yards O +AGAIN O AGAIN O +( O ( O +This O This O +would O would O +be O be O +marked O marked O +as O as O +duplicate O duplicate O +) O ) O + +The O The O +chance O chance O +of O of O +this O this O +actually O actually O +happening O happening O +in O in O +a O a O +game O game O +is O is O +so O so O +astronomically O astronomically O +low O low O +. O . O + +In O In O +hindsight O hindsight O +, O , O +this O this O +does O does O +look O look O +like O like O +old O old O +code O code O +, O , O +as O as O +i O i O +do O do O +n't O n't O +believe O believe O +set() B-Library_Function set() O +works O works O +in O in O +this O this O +case O case O +, O , O +because O because O +the O the O +play# O play# O +is O is O +different O different O +. O . O + +I O I O +'ll O 'll O +verify O verify O +later O later O +today O today O +. O . O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/2 O https://github.com/linked-statistics/xkos/issues/2 O + +Comment O Comment O +added O added O +in O in O +version O version O +0.9.6 B-Version 0.9.6 O +. O . O + +We O We O +still O still O +have O have O +to O to O +decide O decide O +the O the O +license O license O +for O for O +the O the O +ontology O ontology O +. O . O + +As O As O +an O an O +example O example O +, O , O +DataCube B-Data_Structure DataCube O +references O references O +the O the O +Open B-Licence Open O +Data I-Licence Data O +Commons I-Licence Commons O +PDDL I-Licence PDDL O +( O ( O +http://opendatacommons.org/licenses/pddl/1.0/ O http://opendatacommons.org/licenses/pddl/1.0/ O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +SoapMedia/sensei O SoapMedia/sensei O +-certificates O -certificates O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SoapMedia/sensei-certificates/issues/2 O https://github.com/SoapMedia/sensei-certificates/issues/2 O + +… O … O +ode O ode O +. O . O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/4 O https://github.com/rgeo/rgeo-activerecord/issues/4 O + +I O I O +have O have O +n't O n't O +tested O tested O +this O this O +, O , O +and O and O +to O to O +be O be O +honest O honest O +I O I O +'m O 'm O +not O not O +entire O entire O +sure O sure O +about O about O +the O the O +whole O whole O +thing O thing O +. O . O + +But O But O +I O I O +suspect O suspect O +the O the O +attribute O attribute O +name O name O +needs O needs O +changing O changing O +to O to O +match O match O +the O the O +parameter O parameter O +passed O passed O +on O on O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/17 O https://github.com/mapbox/tile-count/issues/17 O + +Trying O Trying O +to O to O +make O make O +a O a O +worldwide O worldwide O +tileset O tileset O +to O to O +z22 O z22 O +failed O failed O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_34248 I-Code_Block GR_34248 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +was O was O +on O on O +a O a O +machine O machine O +with O with O +30GB O 30GB O +of O of O +memory B-Device memory O +and O and O +16 O 16 O +CPUs B-Device CPUs O +( O ( O +spot-c3.4xlarge B-Device spot-c3.4xlarge O +) O ) O +. O . O + +If O If O +every O every O +thread O thread O +has O has O +two O two O +partial O partial O +tiles O tiles O +for O for O +each O each O +zoom O zoom O +level O level O +, O , O +that O that O +still O still O +only O only O +accounts O accounts O +for O for O +1.5GB O 1.5GB O +. O . O + +Maybe O Maybe O +it O it O +is O is O +the O the O +estimators O estimators O +for O for O +the O the O +density O density O +distribution O distribution O +? O ? O + +It O It O +did O did O +n't O n't O +make O make O +it O it O +to O to O +the O the O +end O end O +of O of O +the O the O +first O first O +pass O pass O +before O before O +crashing O crashing O +. O . O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/37 O https://github.com/rgeo/rgeo-activerecord/issues/37 O + +After O After O +this O this O +merge O merge O +: O : O +https://github.com/rails/rails/pull/18937 O https://github.com/rails/rails/pull/18937 O +, O , O +running O running O +the O the O +following O following O +line O line O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_38727 I-Code_Block GR_38727 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +will O will O +do O do O +something O something O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_38728 I-Code_Block GR_38728 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +when O when O +usingrgeo-activerecord B-Library usingrgeo-activerecord B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_38729 I-Code_Block GR_38729 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +could O could O +n't O n't O +dig O dig O +enough O enough O +to O to O +suggest O suggest O +a O a O +solution O solution O +. O . O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/8 O https://github.com/rcfbanalysis/rcfbscraper/issues/8 O + +When O When O +parsing O parsing O +the O the O +data O data O +, O , O +if O if O +a O a O +abbreviation O abbreviation O +is O is O +used O used O +which O which O +it O it O +does O does O +n't O n't O +recognize O recognize O +, O , O +the O the O +parser O parser O +will O will O +guess O guess O +one O one O +of O of O +the O the O +two O two O +teams O teams O +. O . O + +Pressing O Pressing O +1 O 1 O +or O or O +0 O 0 O +will O will O +confirm O confirm O +or O or O +deny O deny O +that O that O +is O is O +the O the O +correct O correct O +team O team O +. O . O + +Pressing O Pressing O +2 O 2 O +will O will O +show O show O +the O the O +next O next O +candidate O candidate O +, O , O +as O as O +well O well O +as O as O +the O the O +previous O previous O +line O line O +and O and O +the O the O +next O next O +line O line O +. O . O + +If O If O +the O the O +abbreviation O abbreviation O +is O is O +completely O completely O +wrong O wrong O +on O on O +ESPN B-Organization ESPN O +'s O 's O +end O end O +( O ( O +ie O ie O +, O , O +showing O showing O +SCAR O SCAR O +in O in O +an O an O +Akron O Akron O +vs O vs O +California O California O +game O game O +) O ) O +, O , O +the O the O +user O user O +can O can O +enter O enter O +either O either O +the O the O +correct O correct O +abbreviation O abbreviation O +, O , O +team O team O +name O name O +, O , O +or O or O +" O " O +t O t O ++ O + O +' O ' O +team O team O +code O code O +' O ' O +" O " O +and O and O +the O the O +parser O parser O +will O will O +continue O continue O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/46 O https://github.com/mapbox/tile-count/issues/46 O + +Thanks O Thanks O +again O again O +for O for O +the O the O +report O report O +. O . O + +This O This O +will O will O +be O be O +fixed O fixed O +in O in O +989a53d O 989a53d O +. O . O + +Repository_Name O Repository_Name O +: O : O +dbarrosop/gobgp O dbarrosop/gobgp O +-grpc-demo O -grpc-demo O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dbarrosop/gobgp-grpc-demo/issues/1 O https://github.com/dbarrosop/gobgp-grpc-demo/issues/1 O + +Thanks O Thanks O +David B-User_Name David O +, O , O +I O I O +'ll O 'll O +try O try O +that O that O +! O ! O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/24 O https://github.com/resin-io-modules/resin-image-fs/issues/24 O + +Could O Could O +it O it O +/ O / O +should O should O +it O it O +also O also O +be O be O +checking O checking O +the O the O +FS O FS O +type O type O +reported O reported O +by O by O +the O the O +MBR O MBR O +? O ? O + +I O I O +wonder O wonder O +if O if O +there O there O +might O might O +be O be O +any O any O +other O other O +components O components O +' O ' O +relying O relying O +' O ' O +on O on O +listDirectory B-Library_Function listDirectory B-Code_Block +filtering O filtering O +out O out O +dotfiles O dotfiles O +? O ? O + +Perhaps O Perhaps O +to O to O +make O make O +the O the O +transition O transition O +easier O easier O +there O there O +should O should O +be O be O +an O an O +optional O optional O +ignoreDotFiles B-Library_Variable ignoreDotFiles B-Code_Block +parameter O parameter O +( O ( O +defaulting O defaulting O +to O to O +false O false O +) O ) O +? O ? O + +* O * O +shrug* O shrug* O + +Just O Just O +for O for O +consistency O consistency O +with O with O +other O other O +repos O repos O +, O , O +should O should O +one O one O +of O of O +the O the O +commit O commit O +messages O messages O +have O have O +a O a O +Change-type O Change-type B-Code_Block +: O : I-Code_Block +major O major I-Code_Block +? O ? O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/7 O https://github.com/resin-io-modules/resin-image-fs/issues/7 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/47 O https://github.com/demigor/lex.db/issues/47 O + +I O I O +think O think O +I O I O +have O have O +discovered O discovered O +a O a O +limitation O limitation O +on O on O +iOS B-Operating_System iOS O +. O . O + +One O One O +of O of O +my O my O +model O model O +classes O classes O +has O has O +a O a O +float B-Data_Type float O +datatype O datatype O +. O . O + +I O I O +think O think O +it O it O +save O save O +fine O fine O +but O but O +when O when O +I O I O +try O try O +to O to O +read O read O +it O it O +back O back O +out O out O +I O I O +get O get O +the O the O +following O following O +error O error O +.. O .. O +. O . O + +Attempting B-Code_Block Attempting O +to I-Code_Block to O +JIT I-Code_Block JIT O +compile I-Code_Block compile O +method I-Code_Block method O +' I-Code_Block ' O +( I-Code_Block ( O +wrapper I-Code_Block wrapper O +delegate-invoke I-Code_Block delegate-invoke O +) I-Code_Block ) O +:invoke_callvirt_void_CustomDataValueNumeric_single I-Code_Block :invoke_callvirt_void_CustomDataValueNumeric_single O +( I-Code_Block ( O +MyProject.Model.CustomDataValueNumeric I-Code_Block MyProject.Model.CustomDataValueNumeric O +, I-Code_Block , O +single I-Code_Block single O +) I-Code_Block ) O +' B-Code_Block ' O +while I-Code_Block while O +running I-Code_Block running O +with I-Code_Block with O +--aot-only I-Code_Block --aot-only O +. I-Code_Block . O + +See O See O +http://docs.xamarin.com/ios/about/limitations O http://docs.xamarin.com/ios/about/limitations O +for O for O +more O more O +information O information O +. O . O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/6 O https://github.com/ben-eb/metalsmith-remark/issues/6 O + +Hello O Hello O +:wave O :wave O +: O : O + +:rocket::rocket::rocket O :rocket::rocket::rocket O +: O : O + +remark-strip-badges B-Library remark-strip-badges O +just O just O +published O published O +its O its O +new O new O +version O version O +3.0.0 B-Version 3.0.0 O +, O , O +which O which O +is O is O +not O not O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +. O . O + +If O If O +this O this O +pull O pull O +request O request O +passes O passes O +your O your O +tests O tests O +you O you O +can O can O +publish O publish O +your O your O +software O software O +with O with O +the O the O +latest O latest O +version O version O +of O of O +remark-strip-badges B-Library remark-strip-badges O +– O – O +otherwise O otherwise O +use O use O +this O this O +branch O branch O +to O to O +work O work O +on O on O +adaptions O adaptions O +and O and O +fixes O fixes O +. O . O + +Happy O Happy O +fixing O fixing O +and O and O +merging O merging O +:palm_tree O :palm_tree O +: O : O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +7 O 7 O +commits O commits O +. O . O + +b7d2242 B-Code_Block b7d2242 B-Code_Block +3.0.0 B-Version 3.0.0 I-Code_Block + +c71f756 B-Code_Block c71f756 B-Code_Block +Remove O Remove I-Code_Block +support O support I-Code_Block +for O for I-Code_Block +Duo B-Application Duo I-Code_Block + +f1def8d B-Code_Block f1def8d B-Code_Block +Refactorreadme.md`` B-File_Name Refactorreadme.md`` I-Code_Block + +28cbd8d B-Code_Block 28cbd8d B-Code_Block +Add O Add I-Code_Block +npm B-Application npm I-Code_Block +deployment O deployment I-Code_Block +to O to I-Code_Block +Travis B-Application Travis I-Code_Block + +88e8c18 B-Code_Block 88e8c18 B-Code_Block +Update O Update I-Code_Block +dev-dependencies O dev-dependencies I-Code_Block + +163f2da B-Code_Block 163f2da B-Code_Block +Update O Update I-Code_Block +for O for I-Code_Block +changes O changes I-Code_Block +inremark B-Library inremark I-Code_Block +@4 B-Version @4 O +.0.0 I-Version .0.0 O +`` O `` O + +d66cfcb B-Code_Block d66cfcb B-Code_Block +Update O Update I-Code_Block +metadata O metadata I-Code_Block +inpackage.json B-File_Name inpackage.json I-Code_Block +`` O `` O + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +This O This O +pull O pull O +request O request O +was O was O +created O created O +by O by O +greenkeeper.io B-Application greenkeeper.io O +. O . O + +It O It O +keeps O keeps O +your O your O +software O software O +, O , O +up O up O +to O to O +date O date O +, O , O +all O all O +the O the O +time O time O +. O . O + +Tired O Tired O +of O of O +seeing O seeing O +this O this O +sponsor O sponsor O +message O message O +? O ? O + +Upgrade O Upgrade O +to O to O +the O the O +supporter O supporter O +plan O plan O +! O ! O + +You O You O +'ll O 'll O +also O also O +get O get O +your O your O +pull O pull O +requests O requests O +faster O faster O +:zap O :zap O +: O : O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/2 O https://github.com/zeroepoch/plotbitrate/issues/2 O + +Hello O Hello O +, O , O + +I O I O +have O have O +to O to O +admit O admit O +I O I O +am O am O +not O not O +familiar O familiar O +with O with O +Python B-Language Python O +. O . O + +I O I O +use O use O +Anacaonda B-Version Anacaonda O +distribution O distribution O +( O ( O +Python B-Language Python O +Version O Version O +: O : O +2.7.9 B-Version 2.7.9 O +) O ) O +on O on O +Windows B-Operating_System Windows O +7 B-Version 7 O +and O and O +placed O placed O +your O your O +script O script O +in O in O +ffmpeg B-Application ffmpeg O +directory O directory O +. O . O + +When O When O +I O I O +try O try O +to O to O +use O use O +it O it O +I O I O +got O got O +this O this O +error O error O +: O : O +[ O [ O +... O ... O +] O ] O +n B-Code_Block n O +\plotbitrate.py I-Code_Block \plotbitrate.py O +" B-Code_Block " O +, I-Code_Block , O +line I-Code_Block line O +51 I-Code_Block 51 O +, I-Code_Block , O +in I-Code_Block in O +if I-Code_Block if O +not I-Code_Block not O +shutil.which("ffprobe") I-Code_Block shutil.which("ffprobe") O +: I-Code_Block : O +AttributeError B-Error_Name AttributeError O +: B-Code_Block : O +' I-Code_Block ' O +module I-Code_Block module O +' B-Code_Block ' O +object I-Code_Block object O +has I-Code_Block has O +no I-Code_Block no O +attribute I-Code_Block attribute O +' I-Code_Block ' O +which I-Code_Block which O +' B-Code_Block ' O + +Thanks O Thanks O +a O a O +lot O lot O +in O in O +advance O advance O +for O for O +your O your O +help O help O +! O ! O + +! O ! O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Repository_Link O Repository_Link O +: O : O +https://github.com/koding/kd-atom O https://github.com/koding/kd-atom O + +Koding O Koding O +Atom O Atom O +Package O Package O + +With O With O +this O this O +package O package O +you O you O +can O can O +access O access O +to O to O +your O your O +Koding B-Application Koding O +teams O teams O +' O ' O +resources O resources O +from O from O +within O within O +Atom B-Application Atom O +Editor I-Application Editor O +. O . O + +You O You O +can O can O +list O list O +your O your O +teams O teams O +, O , O +machines B-Device machines O +or O or O +mount O mount O +your O your O +VMs O VMs O +and O and O +work O work O +with O with O +them O them O +as O as O +you O you O +work O work O +with O with O +your O your O +local O local O +files O files O +and O and O +folders O folders O +. O . O + +Installation O Installation O + +You O You O +can O can O +install O install O +it O it O +through O through O +Atom B-Application Atom O +'s O 's O +Install I-Application Install O +Packages I-Application Packages O +view O view O +( O ( O +Settings>Install O Settings>Install O +Packages O Packages O +) O ) O +or O or O +use O use O +apm B-Code_Block apm B-Code_Block +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_190645 I-Code_Block GR_190645 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Disclaimer O Disclaimer O +: O : O +Currently O Currently O +this O this O +package O package O +is O is O +a O a O +beta B-Version beta O +version O version O +, O , O +things O things O +may O may O +not O not O +work O work O +. O . O + +If O If O +you O you O +think O think O +something O something O +is O is O +wrong O wrong O +please O please O +create O create O +an O an O +issue O issue O +here O here O +, O , O +or O or O +ask O ask O +for O for O +help O help O +on O on O +our O our O +Slack B-Application Slack O + +Repository_Name O Repository_Name O +: O : O +surol/speedtest O surol/speedtest O +-cli O -cli O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/surol/speedtest-cli/issues/2 O https://github.com/surol/speedtest-cli/issues/2 O + +The O The O +first O first O +commit O commit O +is O is O +the O the O +actual O actual O +fix O fix O +. O . O + +The O The O +second O second O +and O and O +third O third O +commits O commits O +are O are O +for O for O +the O the O +unit O unit O +testing O testing O +purpose O purpose O +. O . O + +Without O Without O +the O the O +first O first O +commit O commit O +, O , O +we O we O +'ll O 'll O +crash O crash O +due O due O +to O to O +the O the O +nil O nil O +access O access O +, O , O +as O as O +below O below O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_55457 I-Code_Block GR_55457 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/10 O https://github.com/libp2p/interface-record-store/issues/10 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +multihashing O multihashing O +just O just O +published O published O +its O its O +new O new O +version O version O +0.3.2 B-Version 0.3.2 O +. O . O + +State O State O + + +Update O Update O +:rocket O :rocket O +: O : O + + +Dependency O Dependency O + + + +multihashing O multihashing O + + +New O New O +version O version O + + + +0.3.2 B-Version 0.3.2 O + + +Type O Type O + + + +dependency O dependency O + + +This O This O +version O version O +is O is O +not O not O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +. O . O + +Without O Without O +accepting O accepting O +this O this O +pull O pull O +request O request O +your O your O +project O project O +will O will O +work O work O +just O just O +like O like O +it O it O +did O did O +before O before O +. O . O + +There O There O +might O might O +be O be O +a O a O +bunch O bunch O +of O of O +new O new O +features O features O +, O , O +fixes O fixes O +and O and O +perf O perf O +improvements O improvements O +that O that O +the O the O +maintainers O maintainers O +worked O worked O +on O on O +for O for O +you O you O +though O though O +. O . O + +I O I O +recommend O recommend O +you O you O +look O look O +into O into O +these O these O +changes O changes O +and O and O +try O try O +to O to O +get O get O +onto O onto O +the O the O +latest O latest O +version O version O +of O of O +multihashing O multihashing O +. O . O + +Given O Given O +that O that O +you O you O +have O have O +a O a O +decent O decent O +test O test O +suite O suite O +, O , O +a O a O +passing O passing O +build O build O +is O is O +a O a O +strong O strong O +indicator O indicator O +that O that O +you O you O +can O can O +take O take O +advantage O advantage O +of O of O +these O these O +changes O changes O +by O by O +merging O merging O +the O the O +proposed O proposed O +change O change O +into O into O +your O your O +project O project O +. O . O + +Otherwise O Otherwise O +this O this O +branch O branch O +is O is O +a O a O +great O great O +starting O starting O +point O point O +for O for O +you O you O +to O to O +work O work O +on O on O +the O the O +update O update O +. O . O + +Do O Do O +you O you O +have O have O +any O any O +ideas O ideas O +how O how O +I O I O +could O could O +improve O improve O +these O these O +pull O pull O +requests O requests O +? O ? O + +Did O Did O +I O I O +report O report O +anything O anything O +you O you O +think O think O +is O is O +n't O n't O +right O right O +? O ? O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +while O while O +I O I O +'m O 'm O +just O just O +a O a O +bot O bot O +, O , O +there O there O +is O is O +a O a O +group O group O +of O of O +people O people O +who O who O +are O are O +happy O happy O +to O to O +teach O teach O +me O me O +new O new O +things O things O +. O . O + +Let O Let O +them O them O +know O know O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +:sparkles O :sparkles O +: O : O + +You O You O +rock O rock O +! O ! O + +:palm_tree O :palm_tree O +: O : O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +11 O 11 O +commits O commits O +. O . O + +459a5d0 B-Code_Block 459a5d0 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +release I-Code_Block release I-Code_Block +version I-Code_Block version I-Code_Block +v0.3.2 I-Code_Block v0.3.2 I-Code_Block + +8759c1d B-Code_Block 8759c1d B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +contributors I-Code_Block contributors I-Code_Block + +655d2fa B-Code_Block 655d2fa B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +aegir I-Code_Block aegir I-Code_Block + +4b600e9 B-Code_Block 4b600e9 B-Code_Block +chore(travis) I-Code_Block chore(travis) I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +travis I-Code_Block travis I-Code_Block +config I-Code_Block config I-Code_Block + +d784617 B-Code_Block d784617 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +release I-Code_Block release I-Code_Block +version I-Code_Block version I-Code_Block +v0.3.1 I-Code_Block v0.3.1 I-Code_Block + +b2dc6fa B-Code_Block b2dc6fa B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +contributors I-Code_Block contributors I-Code_Block + +c859a53 B-Code_Block c859a53 B-Code_Block +fix(deps) I-Code_Block fix(deps) I-Code_Block +: I-Code_Block : I-Code_Block +depend I-Code_Block depend I-Code_Block +on I-Code_Block on I-Code_Block +fixed I-Code_Block fixed I-Code_Block +version I-Code_Block version I-Code_Block +of I-Code_Block of I-Code_Block +multihashes I-Code_Block multihashes I-Code_Block + +2e8d8df B-Code_Block 2e8d8df B-Code_Block +added I-Code_Block added I-Code_Block +blake2b/s I-Code_Block blake2b/s I-Code_Block +support I-Code_Block support I-Code_Block + +14186b2 B-Code_Block 14186b2 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +release I-Code_Block release I-Code_Block +version I-Code_Block version I-Code_Block +v0.2.3 I-Code_Block v0.2.3 I-Code_Block + +0db8379 B-Code_Block 0db8379 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +contributors I-Code_Block contributors I-Code_Block + +4e3cf24 B-Code_Block 4e3cf24 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +new I-Code_Block new I-Code_Block +aegir I-Code_Block aegir I-Code_Block + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +✨ O ✨ O +Try O Try O +the O the O +all O all O +new O new O +Greenkeeper B-Application Greenkeeper O +GitHub B-Website GitHub O +Integration O Integration O +✨ O ✨ O + +With O With O +Integrations O Integrations O +first-class O first-class O +bot O bot O +support O support O +landed O landed O +on O on O +GitHub B-Website GitHub O +and O and O +we O we O +'ve O 've O +rewritten O rewritten O +Greenkeeper B-Application Greenkeeper O +to O to O +take O take O +full O full O +advantage O advantage O +of O of O +it O it O +. O . O + +Simpler O Simpler O +setup O setup O +, O , O +fewer O fewer O +pull-requests O pull-requests O +, O , O +faster O faster O +than O than O +ever O ever O +. O . O + +Screencast O Screencast O +Try O Try O +it O it O +today O today O +. O . O + +Free O Free O +for O for O +private O private O +repositories O repositories O +during O during O +beta O beta O +. O . O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/59 O https://github.com/spacetelescope/specview/issues/59 O + +Removed O Removed O +the O the O +floating B-Data_Type floating O +because O because O +Linux B-Operating_System Linux O +seems O seems O +to O to O +fail O fail O +on O on O +that O that O +. O . O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/3 O https://github.com/koding/kd-atom/issues/3 O + +package O package O +tests O tests O +need O need O +to O to O +be O be O +written O written O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/34 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/34 O + +Changes O Changes O +LGTM O LGTM O +assuming O assuming O +the O the O +builds O builds O +pass O pass O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/46 O https://github.com/mapbox/tile-count/issues/46 O + +Thanks O Thanks O +for O for O +the O the O +report O report O +. O . O + +I O I O +have O have O +n't O n't O +seen O seen O +this O this O +problem O problem O +myself O myself O +but O but O +would O would O +like O like O +to O to O +make O make O +sure O sure O +it O it O +gets O gets O +fixed O fixed O +. O . O + +What O What O +version O version O +of O of O +Tippecanoe B-Application Tippecanoe O +are O are O +you O you O +seeing O seeing O +it O it O +with O with O +and O and O +with O with O +what O what O +type O type O +of O of O +input O input O +data O data O +? O ? O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/21 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/21 O + +Thanks O Thanks O +for O for O +contributing O contributing O +to O to O +Logstash B-Application Logstash O +! O ! O + +If O If O +you O you O +have O have O +n't O n't O +already O already O +signed O signed O +our O our O +CLA O CLA O +, O , O +here O here O +'s O 's O +a O a O +handy O handy O +link O link O +: O : O +https://www.elastic.co/contributor-agreement/ O https://www.elastic.co/contributor-agreement/ O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/2 O https://github.com/op-jenkins/op-build/issues/2 O + +foobar O foobar O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/3 O https://github.com/dhrrgn/codeigniter-uhoh/issues/3 O + +Your O Your O +welcome O welcome O +@ShayHurley B-User_Name @ShayHurley O +! O ! O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/6 O https://github.com/thehyve/puppet-i2b2/issues/6 O + +True O True O +. O . O + +Do O Do O +as O as O +you O you O +like O like O +, O , O +but O but O +perhaps O perhaps O +it O it O +would O would O +be O be O +more O more O +readable O readable O +to O to O +split O split O +the O the O +two O two O +cases O cases O +with O with O +an O an O +if B-Code_Block if B-Code_Block +. O . O + +Related O Related O +: O : O +quote O quote O +the O the O +paths O paths O +! O ! O + +Repository_Name O Repository_Name O +: O : O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-Website O -Website O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/HackClub-SLHS/HackClub-Website/issues/9 O https://github.com/HackClub-SLHS/HackClub-Website/issues/9 O + +In O In O +this O this O +commit O commit O +, O , O +when O when O +you O you O +click O click O +on O on O +the O the O +picture B-User_Interface_Element picture O +of O of O +TagStand B-Organization TagStand O +'s O 's O +logo B-User_Interface_Element logo O +on O on O +the O the O +bottom O bottom O +of O of O +the O the O +page B-User_Interface_Element page O +, O , O +the O the O +website O website O +will O will O +redirect O redirect O +you O you O +to O to O +TagStand B-Organization TagStand O +'s O 's O +website O website O +" O " O +http://www.tagstand.com O http://www.tagstand.com O +" O " O + +Repository_Name O Repository_Name O +: O : O +rdzhadan/integracja O rdzhadan/integracja O +-systemow O -systemow O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rdzhadan/integracja-systemow/issues/1 O https://github.com/rdzhadan/integracja-systemow/issues/1 O + + +implemented O implemented O +xml/json/yaml/ogdl B-Language xml/json/yaml/ogdl O +response O response O +types O types O + +added O added O +unit O unit O +tests O tests O + +fixed O fixed O +sonar O sonar O +issues O issues O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/12 O https://github.com/SivanMehta/wander/issues/12 O + +Concrete O Concrete O +Improvement O Improvement O + +Currently O Currently O +the O the O +improvement O improvement O +is O is O +2.03MB O 2.03MB O +-> O -> O +220K O 220K O + +~ O ~ O +10x O 10x O +memory O memory O +saving O saving O + +Proof O Proof O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_29080 I-Code_Block GR_29080 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +vs O vs O +before O before O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_29081 I-Code_Block GR_29081 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/7 O https://github.com/wsdookadr/fieldtop/issues/7 O + +I O I O +:heart O :heart O +: O : O +it O it O +, O , O +thank O thank O +you O you O +: O : O ++ O + O +1 O 1 O +: O : O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/5 O https://github.com/McMenemy/GoDoRP/issues/5 O + +I O I O +'m O 'm O +having O having O +trouble O trouble O +getting O getting O +the O the O +hot O hot O +reload O reload O +to O to O +work O work O +with O with O +the O the O +Go B-Library Go O +API I-Library API O +. O . O + +I O I O +ran O ran O +the O the O +steps O steps O +below O below O +: O : O +https://github.com/McMenemy/GoDoRP#getting-started O https://github.com/McMenemy/GoDoRP#getting-started O +After O After O +running O running O +docker-compose B-Code_Block docker-compose B-Code_Block +up I-Code_Block up I-Code_Block +I O I O +went O went O +to O to O +http://localhost:5000/ O http://localhost:5000/ O +and O and O +saw O saw O +the O the O +This B-Code_Block This B-Code_Block +is I-Code_Block is I-Code_Block +the I-Code_Block the I-Code_Block +RESTful I-Code_Block RESTful I-Code_Block +api I-Code_Block api I-Code_Block +message O message O +. O . O + +If O If O +I O I O +change O change O +that O that O +in O in O +the O the O +api.go B-File_Name api.go B-Code_Block +file O file O +to O to O +anything O anything O +else O else O +I O I O +do O do O +n't O n't O +see O see O +the O the O +change O change O +unless O unless O +I O I O +rebuild O rebuild O +the O the O +docker B-Application docker O +image B-User_Interface_Element image O +( O ( O +docker-compose B-Code_Block docker-compose B-Code_Block +build I-Code_Block build I-Code_Block +) O ) O +. O . O + +I O I O +can O can O +confirm O confirm O +from O from O +the O the O +output O output O +the O the O +api B-Library api O +server B-Application server O +is O is O +running O running O +in O in O +dev O dev O +mode O mode O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_65354 I-Code_Block GR_65354 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Am O Am O +I O I O +doing O doing O +something O something O +wrong O wrong O +? O ? O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/1 O https://github.com/moso/flexgrid/issues/1 O + +When O When O +not O not O +defining O defining O +, O , O +eg O eg O +, O , O +xs B-Library_Class xs B-Code_Block +, O , O +columns O columns O +does O does O +n't O n't O +auto O auto O +compute O compute O +to O to O +100% O 100% O +width O width O +. O . O + +Check O Check O +grid-generator B-Library_Class grid-generator B-Code_Block +. O . O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/40 O https://github.com/rpcope1/Hantek6022API/issues/40 O + +stock O stock O +is O is O +the O the O +official O official O +Hantek B-Organization Hantek O +firmware O firmware O +. O . O + +modded O modded O +contains O contains O +three O three O +patches O patches O +to O to O +the O the O +official O official O +firmware O firmware O +, O , O +fixfiforeset B-File_Name fixfiforeset O +should O should O +fix O fix O +the O the O +FIFO O FIFO O +reset O reset O +sequence O sequence O +, O , O +samplerates O samplerates O +fixes O fixes O +some O some O +of O of O +the O the O +sample O sample O +rates O rates O +and O and O +provides O provides O +new O new O +ones O ones O +, O , O +e.g O e.g O +. O . O + +the O the O +24 O 24 O +MSamples/s O MSamples/s O +mode O mode O +, O , O +and O and O +isodiff O isodiff O +provides O provides O +a O a O +new O new O +isochronous O isochronous O +transfer O transfer O +mode O mode O +with O with O +guaranteed O guaranteed O +transfer O transfer O +rate O rate O +( O ( O +up O up O +to O to O +24 O 24 O +MSamples/s O MSamples/s O +) O ) O +. O . O + +The O The O +mod_fs_01 B-File_Name mod_fs_01 O +firmware O firmware O +contains O contains O +all O all O +but O but O +the O the O +last O last O +one O one O +, O , O +and O and O +mod_fs_iso B-File_Name mod_fs_iso O +should O should O +contain O contain O +all O all O +three O three O +patches O patches O +. O . O + +custom O custom O +is O is O +a O a O +complete O complete O +rewrite O rewrite O +of O of O +the O the O +firmware O firmware O +based O based O +on O on O +the O the O +fx2lib B-Library fx2lib O +library O library O +. O . O + +I O I O +left O left O +out O out O +some O some O +functionality O functionality O +, O , O +e.g O e.g O +. O . O + +the O the O +functionality O functionality O +for O for O +reading O reading O +the O the O +eeprom B-Device eeprom O +that O that O +stores O stores O +the O the O +calibration O calibration O +data O data O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/17 O https://github.com/demigor/lex.db/issues/17 O + +++ O ++ O +any O any O +progress O progress O +on O on O +this O this O +? O ? O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/6 O https://github.com/op-jenkins/op-build/issues/6 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/1 O https://github.com/SivanMehta/wander/issues/1 O + +Looks O Looks O +good O good O +! O ! O + +Repository_Name O Repository_Name O +: O : O +Shubham4422/recipes O Shubham4422/recipes O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Shubham4422/recipes/issues/1 O https://github.com/Shubham4422/recipes/issues/1 O + +This O This O +time O time O +I O I O +am O am O +sending O sending O +the O the O +pull O pull O +request O request O +to O to O +my O my O +own O own O +master O master O +. O . O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/203 O https://github.com/katzer/cordova-plugin-background-mode/issues/203 O + +Just O Just O +put O put O +your O your O +call O call O +inside O inside O +the O the O +" O " O +ready B-Library_Function ready O +" O " O +method O method O +: O : O + +$ B-Code_Block $ B-Code_Block +ionicPlatform.ready I-Code_Block ionicPlatform.ready I-Code_Block +( I-Code_Block ( I-Code_Block +function() I-Code_Block function() I-Code_Block +{ I-Code_Block { I-Code_Block + +cordova.plugins.backgroundMode.enable() B-Code_Block cordova.plugins.backgroundMode.enable() B-Code_Block +; I-Code_Block ; I-Code_Block + +} B-Code_Block } B-Code_Block +) I-Code_Block ) I-Code_Block + +this O this O +solved O solved O +my O my O +problem O problem O +! O ! O + +I O I O +hope O hope O +it O it O +helps O helps O +! O ! O + +! O ! O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/7 O https://github.com/svenstaro/flamejam/issues/7 O + +Yes O Yes O +. O . O + +I O I O +will O will O +enter O enter O +my O my O +key O key O +in O in O +the O the O +implementation O implementation O +. O . O + +Use O Use O +flask-wtforms B-Library flask-wtforms O +, O , O +it O it O +already O already O +has O has O +recaptcha O recaptcha O +support O support O +and O and O +we O we O +are O are O +using O using O +it O it O +anyway O anyway O +. O . O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/1 O https://github.com/LucieSteiner/AMT_feature1/issues/1 O + +Ok. O Ok. O +. O . O +did O did O +not O not O +see O see O +that O that O +there O there O +is O is O +a O a O +branch O branch O +bootcamp2. B-Code_Block bootcamp2. B-Code_Block +. O . O + +Repository_Name O Repository_Name O +: O : O +StarkMike/Lab3 O StarkMike/Lab3 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/StarkMike/Lab3/issues/3 O https://github.com/StarkMike/Lab3/issues/3 O + +Completed O Completed O +lab3 O lab3 O +example O example O + +Repository_Name O Repository_Name O +: O : O +jkraemer/redmine_airbrake O jkraemer/redmine_airbrake O + +Repository_Link O Repository_Link O +: O : O +https://github.com/jkraemer/redmine_airbrake O https://github.com/jkraemer/redmine_airbrake O + +Redmine B-Application Redmine O +Airbrake I-Application Airbrake O +Plugin O Plugin O + +This O This O +plugin O plugin O +makes O makes O +Redmine B-Application Redmine O +act O act O +like O like O +an O an O +Airbrake B-Application Airbrake O +server I-Application server O +. O . O + +Any O Any O +exceptions B-Library_Class exceptions O +caught O caught O +and O and O +sent O sent O +by O by O +Airbrake B-Application Airbrake O +client O client O +libraries O libraries O +will O will O +create O create O +or O or O +update O update O +an O an O +issue O issue O +in O in O +Redmine B-Application Redmine O +. O . O + +This O This O +is O is O +a O a O +complete O complete O +rewrite O rewrite O +of O of O +the O the O + +redmine_hoptoad_server B-Application redmine_hoptoad_server O +plugin O plugin O +. O . O + +It O It O +supports O supports O +the O the O +Airbrake B-Application Airbrake O +XML I-Application XML O +( O ( O +v B-Version v O +2) I-Version 2) O +and O and O +JSON B-Library JSON O +( O ( O +v B-Version v O +3) I-Version 3) O +APIs B-Library APIs O +. O . O + +If O If O +you O you O +need O need O +to O to O +support O support O +the O the O +ancient O ancient O +Hoptoad B-Library Hoptoad O +/ O / O +Airbrake B-Library Airbrake O +v1 B-Version v1 O +API B-Library API O +, O , O +use O use O +the O the O +redmine_hoptoad_server B-Application redmine_hoptoad_server O +plugin O plugin O +instead O instead O +. O . O + +Supports O Supports O +Redmine B-Application Redmine O +from O from O +2.6 B-Version 2.6 O +onwards O onwards O +. O . O + +Plugin O Plugin O +setup O setup O + +Just O Just O +install O install O +the O the O +Plugin O Plugin O +following O following O +the O the O +general O general O +Redmine B-Application Redmine O +plugin O plugin O +installation O installation O +instructions O instructions O +at O at O +http://www.redmine.org/wiki/redmine/Plugins O http://www.redmine.org/wiki/redmine/Plugins O +. O . O + +Then O Then O +, O , O +go O go O +to O to O +Administration O Administration O +-> O -> O +Settings O Settings O +-> O -> O +Incoming O Incoming O +emails O emails O +in O in O +your O your O +Redmine B-Application Redmine O +and O and O +generate O generate O +an O an O +API B-Library API O +key O key O +. O . O + +Client O Client O +configuration O configuration O + +In O In O +order O order O +to O to O +work O work O +properly O properly O +, O , O +the O the O +plugin O plugin O +needs O needs O +some O some O +data O data O +supplied O supplied O +by O by O +the O the O +client O client O +. O . O + +This O This O +data O data O +is O is O +supplied O supplied O +as O as O +a O a O +hash O hash O +with O with O +the O the O +following O following O +keys O keys O +: O : O + +project B-Library_Variable project O +: O : O +Redmine B-Application Redmine O +project O project O +identifier O identifier O +where O where O +issues O issues O +should O should O +be O be O +created O created O + +tracker B-Library_Variable tracker O +: O : O +tracker O tracker O +to O to O +use O use O + +api_key B-Library_Variable api_key O +: O : O +Redmine O Redmine O +API B-Library API O +key O key O +as O as O +created O created O +above O above O + +category B-Library_Variable category O +: O : O +Issue O Issue O +category O category O +( O ( O +optional O optional O +) O ) O + +assigned_to B-Library_Variable assigned_to O +: O : O +Redmine B-Application Redmine O +login O login O +of O of O +a O a O +user O user O +the O the O +tickets O tickets O +should O should O +get O get O +assigned O assigned O +to O to O +by O by O +default O default O +( O ( O +optional O optional O +) O ) O + +author B-Library_Variable author O +: O : O +Redmine B-Application Redmine O +login O login O +if O if O +the O the O +user O user O +to O to O +serve O serve O +as O as O +issue O issue O +creator O creator O + +priority B-Library_Variable priority O +: O : O +Id O Id O +of O of O +a O a O +Redmine B-Application Redmine O +issue O issue O +priority O priority O +( O ( O +optional O optional O +) O ) O + +environment B-Library_Variable environment O +: O : O +gets O gets O +prepended O prepended O +to O to O +the O the O +issue O issue O +'s O 's O +subject O subject O +and O and O +is O is O +stored O stored O +as O as O +a O a O +custom O custom O +issue O issue O +field O field O +. O . O + +useful O useful O +to O to O +distinguish O distinguish O +errors O errors O +on O on O +a O a O +test O test O +system O system O +from O from O +those O those O +on O on O +the O the O +production O production O +system O system O +( O ( O +optional O optional O +) O ) O + +repository_root B-Library_Variable repository_root O +: O : O +this O this O +optional O optional O +argument O argument O +overrides O overrides O +the O the O +project O project O +wide O wide O +repository O repository O +root O root O +setting O setting O +( O ( O +see O see O +below O below O +) O ) O +. O . O + +Set O Set O +up O up O +the O the O +Airbrake B-Application Airbrake O +client I-Application client O +according O according O +to O to O +the O the O +docs O docs O +found O found O +at O at O +http://airbrake.io O http://airbrake.io O +. O . O + +When O When O +it O it O +comes O comes O +to O to O +configuring O configuring O +the O the O +client B-Application client O +, O , O +deviate O deviate O +from O from O +the O the O +instructions O instructions O +and O and O +supply O supply O +the O the O +necessary O necessary O +configuration O configuration O +like O like O +this O this O +: O : O + +Airbrake B-Application Airbrake O +v3 B-Version v3 O +( O ( O +JSON B-Library JSON O +API I-Library API O +) O ) O + +This O This O +will O will O +work O work O +with O with O +any O any O +current O current O +Airbrake B-Application Airbrake O +client I-Application client O +, O , O +i.e O i.e O +. O . O + +the O the O +airbrake-ruby B-Library airbrake-ruby O +client O client O +library O library O +from O from O +version O version O +5 B-Version 5 O +onwards O onwards O +. O . O + +Set O Set O +up O up O +a O a O +filter O filter O +that O that O +adds O adds O +the O the O +config O config O +hash O hash O +to O to O +the O the O +Airbrake B-Application Airbrake O +notification O notification O +before O before O +it O it O +gets O gets O +sent O sent O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_195099 I-Code_Block GR_195099 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Set O Set O +the O the O +project_id B-Library_Variable project_id B-Code_Block +to O to O +any O any O +number O number O +, O , O +it O it O +is O is O +ignored O ignored O +by O by O +this O this O +plugin O plugin O +but O but O +validated O validated O +by O by O +the O the O +Airbrake B-Application Airbrake O +client I-Application client O +. O . O + +The O The O +same O same O +is O is O +true O true O +for O for O +the O the O +project_key B-Library_Variable project_key B-Code_Block +string O string O +. O . O + +The O The O +root_directory B-Library_Variable root_directory B-Code_Block +Airbrake B-Application Airbrake O +option O option O +shortens O shortens O +backtrace O backtrace O +lines O lines O +by O by O +replacing O replacing O +your O your O +projects O projects O +installation O installation O +directory O directory O +with O with O +[ B-Code_Block [ B-Code_Block +PROJECT_ROOT I-Code_Block PROJECT_ROOT I-Code_Block +] I-Code_Block ] I-Code_Block + +Congratulations O Congratulations O +. O . O + +You O You O +can O can O +now O now O +start O start O +receiving O receiving O +exceptions O exceptions O +in O in O +Redmine B-Application Redmine O +! O ! O + +Deprecated O Deprecated O +: O : O +Transmit O Transmit O +config O config O +via O via O +project-key O project-key O + +This O This O +does O does O +not O not O +work O work O +with O with O +recent O recent O +( O ( O +as O as O +of O of O +January B-Version January O +2018 I-Version 2018 O +) O ) O +versions O versions O +of O of O +the O the O +airbrake B-Application airbrake O +client I-Application client O +library O library O +. O . O + +Since O Since O +the O the O +filter-based O filter-based O +method O method O +above O above O +that O that O +was O was O +intruced O intruced O +because O because O +of O of O +that O that O +should O should O +work O work O +in O in O +all O all O +cases O cases O +, O , O +this O this O +is O is O +left O left O +in O in O +here O here O +mainly O mainly O +for O for O +historical O historical O +reasons O reasons O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_195100 I-Code_Block GR_195100 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Deprecated O Deprecated O +: O : O +Airbrake B-Application Airbrake O +v2 B-Version v2 O +( O ( O +XML B-Library XML O +API I-Library API O +) O ) O + +Since O Since O +the O the O +Airbrake B-Application Airbrake O +client I-Application client O +is O is O +not O not O +designed O designed O +to O to O +handle O handle O +arbitrary O arbitrary O +parameters O parameters O +, O , O +we O we O +trick O trick O +it O it O +by O by O +setting O setting O +the O the O +API-Key B-Library_Variable API-Key O +value O value O +to O to O +a O a O +JSON-encoded B-File_Type JSON-encoded O +hash O hash O +holding O holding O +our O our O +configuration O configuration O +. O . O + +This O This O +hash O hash O +may O may O +hold O hold O +the O the O +following O following O +keys O keys O +: O : O + +This O This O +applies O applies O +e.g O e.g O +. O . O + +to O to O +the O the O +Ruby B-Application Ruby O +airbrake I-Application airbrake O +gem O gem O +in O in O +versions O versions O +< O < O +5.0 B-Version 5.0 O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_195101 I-Code_Block GR_195101 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +will O will O +certainly O certainly O +drop O drop O +support O support O +for O for O +this O this O +API B-Library API O +at O at O +some O some O +point O point O +, O , O +please O please O +upgrade O upgrade O +your O your O +client B-Application client O +. O . O + +More O More O +Configuration O Configuration O +( O ( O +please O please O +read O read O +on O on O +! O ! O +) O ) O + +After O After O +you O you O +received O received O +the O the O +first O first O +exception O exception O +in O in O +a O a O +Redmine B-Application Redmine O +project O project O +, O , O +you O you O +will O will O +notice O notice O +two O two O +new O new O +project O project O +custom O custom O +fields O fields O +here O here O +. O . O + +Those O Those O +are O are O +Backtrace O Backtrace O +filter O filter O +and O and O + +Repository O Repository O +root O root O +. O . O + +Backtrace O Backtrace O +filter O filter O + +If O If O +you O you O +'d O 'd O +like O like O +to O to O +( O ( O +and O and O +we O we O +really O really O +recommend O recommend O +you O you O +do O do O +! O ! O +) O ) O + +filter O filter O +the O the O +backtraces O backtraces O +that O that O +are O are O +shown O shown O +in O in O +the O the O +journal O journal O +entries O entries O +created O created O +by O by O +this O this O +plugin O plugin O +, O , O +you O you O +can O can O +set O set O +this O this O +field O field O +to O to O +a O a O +list O list O +of O of O +expressions O expressions O +( O ( O +one O one O +per O per O +line O line O +) O ) O +to O to O +be O be O +filtered O filtered O +out O out O +to O to O +that O that O +field O field O +. O . O + +The O The O +filtered O filtered O +backtrace O backtrace O +will O will O +only O only O +contain O contain O +frames O frames O +from O from O +locations O locations O +not O not O +matching O matching O +any O any O +of O of O +these O these O +expressions O expressions O +. O . O + +I O I O +usually O usually O +simply O simply O +set O set O +my O my O +filter O filter O +to O to O +[ B-Code_Block [ B-Code_Block +GEM_ROOT I-Code_Block GEM_ROOT I-Code_Block +] I-Code_Block ] I-Code_Block +so O so O +the O the O +filtered O filtered O +backtrace O backtrace O +only O only O +contains O contains O +frames O frames O +in O in O +code O code O +that O that O +'s O 's O +not O not O +part O part O +of O of O +any O any O +Ruby B-Language Ruby O +gems O gems O +, O , O +but O but O +if O if O +you O you O +find O find O +other O other O +code O code O +cluttering O cluttering O +up O up O +your O your O +backtraces O backtraces O +, O , O +you O you O +might O might O +want O want O +to O to O +include O include O +those O those O +source O source O +files O files O +as O as O +well O well O +. O . O + +Repository O Repository O +root O root O + +All O All O +Issues O Issues O +created O created O +will O will O +have O have O +a O a O +source O source O +link O link O +in O in O +their O their O +description O description O +which O which O +- O - O +- O - O +provided O provided O +that O that O +you O you O +have O have O +your O your O +source O source O +repository O repository O +linked O linked O +to O to O +your O your O +Redmine B-Application Redmine O +project O project O +- O - O +- O - O +leads O leads O +you O you O +directly O directly O +to O to O +the O the O +file O file O +and O and O +line O line O +in O in O +your O your O +code O code O +that O that O +has O has O +caused O caused O +the O the O +exception B-Library_Class exception O +. O . O + +Your O Your O +repository O repository O +structure O structure O +most O most O +likely O likely O +wo O wo O +n't O n't O +match O match O +the O the O +structure O structure O +of O of O +your O your O +deployed O deployed O +code O code O +, O , O +so O so O +you O you O +can O can O +add O add O +an O an O +additional O additional O +repository O repository O +root O root O +. O . O + +Just O Just O +use O use O +" O " O +trunk O trunk O +" O " O +for O for O +a O a O +general O general O +SVN B-Application SVN O +setup O setup O +for O for O +instance O instance O +. O . O + +You O You O +may O may O +use O use O +the O the O +:repository_root B-Code_Block :repository_root B-Code_Block +option O option O +in O in O +your O your O +application O application O +'s O 's O +airbrake.rb B-File_Name airbrake.rb O +to O to O +override O override O +this O this O +setting O setting O +with O with O +a O a O +custom O custom O +value O value O +. O . O + +This O This O +is O is O +helful O helful O +in O in O +case O case O +you O you O +have O have O +multiple O multiple O +applications O applications O +in O in O +the O the O +same O same O +repository O repository O +reporting O reporting O +errors O errors O +to O to O +the O the O +same O same O +Redmine B-Application Redmine O +project O project O +. O . O + +Dependencies O Dependencies O + +Nokogiri B-Library Nokogiri O +For O For O +parsing O parsing O +V2 B-Version V2 O +XML B-Language XML O +requests O requests O +. O . O + +airbrake-ruby B-Library airbrake-ruby O +for O for O +tests O tests O +. O . O + +If O If O +you O you O +need O need O +to O to O +parse O parse O +requests O requests O +using O using O +yaml B-Language yaml O +encoded O encoded O +options O options O +as O as O +they O they O +were O were O +used O used O +with O with O +the O the O +redmine_hoptoad_server B-Application redmine_hoptoad_server O +plugin O plugin O +, O , O +add O add O +the O the O +Safe B-Application Safe O +YAML I-Application YAML O +gem O gem O +to O to O +your O your O +Redmine B-Application Redmine O +'s O 's O +Gemfile.local B-File_Name Gemfile.local B-Code_Block +. O . O + +License O License O + +GPL B-Licence GPL O +v2 B-Version v2 O +or O or O +any O any O +later O later O +version O version O + +Authors O Authors O + +Jens B-User_Name Jens O +Kraemer I-User_Name Kraemer O +( O ( O +https://jkraemer.net O https://jkraemer.net O +) O ) O + +The O The O +original O original O +redmine_hoptoad_server B-Application redmine_hoptoad_server O +plugin O plugin O +was O was O +created O created O +by O by O +Jan B-User_Name Jan O +Schulz-Hofen I-User_Name Schulz-Hofen O +, O , O +Planio B-Organization Planio O +GmbH I-Organization GmbH O +( O ( O +http://plan.io O http://plan.io O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/13 O https://github.com/smirarab/pasta/issues/13 O + +PASTA B-Application PASTA O +by O by O +default O default O +uses O uses O +FastTree B-Application FastTree O +instead O instead O +of O of O +RAxML B-Application RAxML O +. O . O + +If O If O +you O you O +are O are O +tyring O tyring O +to O to O +do O do O +a O a O +final O final O +run O run O +of O of O +RAxML B-Application RAxML O +, O , O +a O a O +better O better O +option O option O +may O may O +be O be O +taking O taking O +the O the O +PASTA B-Application PASTA O +alignment O alignment O +and O and O +running O running O +it O it O +through O through O +RAxML B-Application RAxML O +separately O separately O +, O , O +with O with O +more O more O +threads O threads O +. O . O + +On O On O +Fri O Fri O +, O , O +Nov O Nov O +11 O 11 O +, O , O +2016 O 2016 O +at O at O +10:20 O 10:20 O +AM O AM O +, O , O +Pejvak1 B-User_Name Pejvak1 O +notifications@github.com O notifications@github.com O +wrote O wrote O +: O : O + +Thank O Thank O +you O you O +Siavash B-User_Name Siavash O +. O . O + +In O In O +my O my O +experience O experience O +RaxML B-Application RaxML O +takes O takes O +way O way O +more O more O +than O than O +both O both O +of O of O +those O those O +programs O programs O +and O and O +the O the O +reason O reason O +why O why O +I O I O +started O started O +thinking O thinking O +about O about O +CUDA B-Application CUDA O +. O . O + +I O I O +do O do O +n't O n't O +have O have O +any O any O +issue O issue O +with O with O +the O the O +time O time O +Mafft B-Application Mafft O +or O or O +FastTree B-Application FastTree O +take O take O +. O . O + +Cheers O Cheers O +, O , O + +Pej B-User_Name Pej O +. O . O + +On O On O +11 O 11 O +November O November O +2016 O 2016 O +at O at O +18:15 O 18:15 O +, O , O +Siavash B-User_Name Siavash O +Mirarab I-User_Name Mirarab O +notifications@github.com O notifications@github.com O +wrote O wrote O +: O : O + +See O See O +if O if O +this O this O +is O is O +helpful O helpful O +: O : O +https://www.ncbi.nlm.nih.gov/pubmed/26357090 O https://www.ncbi.nlm.nih.gov/pubmed/26357090 O + +Mafft B-Application Mafft O +seems O seems O +to O to O +have O have O +a O a O +CUDA B-Application CUDA O +version O version O +. O . O + +If O If O +you O you O +can O can O +get O get O +that O that O +and O and O +replace O replace O +it O it O +within O within O +PASTA B-Application PASTA O +, O , O +it O it O +may O may O +work O work O +. O . O + +Give O Give O +it O it O +a O a O +try O try O +and O and O +let O let O +me O me O +know O know O +if O if O +you O you O +need O need O +help O help O +. O . O + +— O — O +You O You O +are O are O +receiving O receiving O +this O this O +because O because O +you O you O +authored O authored O +the O the O +thread O thread O +. O . O + +Reply O Reply O +to O to O +this O this O +email O email O +directly O directly O +, O , O +view O view O +it O it O +on O on O +GitHub B-Website GitHub O +https://github.com/smirarab/pasta/issues/13#issuecomment-260020034 O https://github.com/smirarab/pasta/issues/13#issuecomment-260020034 O +, O , O +or O or O +mute O mute O +the O the O +thread O thread O +https://github.com/notifications/unsubscribe-auth/ATmycR8_ O https://github.com/notifications/unsubscribe-auth/ATmycR8_ O +41rbUfAA4AOVXmCCJE2JH-8hks5q9LDAgaJpZM4KbJpw O 41rbUfAA4AOVXmCCJE2JH-8hks5q9LDAgaJpZM4KbJpw O + +. O . O + +Pejvak B-User_Name Pejvak O +Moghimi I-User_Name Moghimi O +University B-Organization University O +of I-Organization of O +York I-Organization York O +Mbiol O Mbiol O +biology O biology O +Contact O Contact O +number O number O +: O : O +07835076472 O 07835076472 O + +— O — O +You O You O +are O are O +receiving O receiving O +this O this O +because O because O +you O you O +modified O modified O +the O the O +open/close O open/close O +state O state O +. O . O + +Reply O Reply O +to O to O +this O this O +email O email O +directly O directly O +, O , O +view O view O +it O it O +on O on O +GitHub B-Website GitHub O +https://github.com/smirarab/pasta/issues/13#issuecomment-260020992 O https://github.com/smirarab/pasta/issues/13#issuecomment-260020992 O +, O , O +or O or O +mute O mute O +the O the O +thread O thread O +https://github.com/notifications/unsubscribe-auth/AAybuP3rypQ5OkCJ8i2rOZmwSf4XqoHBks5q9LHRgaJpZM4KbJpw O https://github.com/notifications/unsubscribe-auth/AAybuP3rypQ5OkCJ8i2rOZmwSf4XqoHBks5q9LHRgaJpZM4KbJpw O +. O . O + +Siavash B-User_Name Siavash O +Mirarab I-User_Name Mirarab O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/18 O https://github.com/rpcope1/Hantek6022API/issues/18 O + + +Excellent O Excellent O +work O work O +, O , O +both O both O +of O of O +you O you O +! O ! O + +Repository_Name B-Data_Type Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Repository_Link O Repository_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs O https://github.com/resin-io-modules/resin-image-fs O + +resin-image-fs B-Application resin-image-fs O + +Join O Join O +our O our O +online O online O +chat O chat O +at O at O + +Resin.io B-Application Resin.io O +image B-User_Interface_Element image O +filesystem O filesystem O +manipulation O manipulation O +utilities O utilities O +. O . O + +Role O Role O + +The O The O +intention O intention O +of O of O +this O this O +module O module O +is O is O +to O to O +provide O provide O +low O low O +level O level O +utilities O utilities O +to O to O +Resin.io B-Application Resin.io O +operating O operating O +system O system O +data O data O +partitions O partitions O +. O . O + +THIS O THIS O +MODULE O MODULE O +IS O IS O +LOW O LOW O +LEVEL O LEVEL O +AND O AND O +IS O IS O +NOT O NOT O +MEANT O MEANT O +TO O TO O +BE O BE O +USED O USED O +BY O BY O +END O END O +USERS O USERS O +DIRECTLY O DIRECTLY O +. O . O + +Installation O Installation O + +Install O Install O +resin-image-fs B-Application resin-image-fs B-Code_Block +by O by O +running O running O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122342 I-Code_Block GR_122342 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Documentation O Documentation O + +imagefs B-Library imagefs O + +.interact(disk,partition) B-Library_Function .interact(disk,partition) O +⇒ O ⇒ O +bluebird.disposer. B-Library_Class bluebird.disposer. B-Code_Block + +.read(definition) B-Library_Function .read(definition) O +⇒ O ⇒ O +bluebird.disposer. B-Library_Class bluebird.disposer. B-Code_Block + +.write(definition,stream) B-Library_Function .write(definition,stream) O +⇒ O ⇒ O +Promise B-Library_Class Promise B-Code_Block + +.readFile(definition) B-Library_Function .readFile(definition) O +⇒ O ⇒ O +Promise. B-Data_Type Promise. B-Code_Block + +.writeFile(definition,contents) B-Library_Function .writeFile(definition,contents) O +⇒ O ⇒ O +Promise B-Library_Class Promise B-Code_Block + +.copy(input,output) B-Library_Function .copy(input,output) O +⇒ O ⇒ O +Promise B-Library_Class Promise B-Code_Block + +.replace(definition,search,replace) B-Library_Function .replace(definition,search,replace) O +⇒ O ⇒ O +Promise B-Library_Class Promise B-Code_Block + +.listDirectory(definition) B-Library_Function .listDirectory(definition) O +⇒ O ⇒ O +Promise.> B-Data_Type Promise.> B-Code_Block + +imagefs.interact(disk,partition) B-Library_Function imagefs.interact(disk,partition) O +⇒ O ⇒ O +bluebird.disposer. B-Library_Class bluebird.disposer. B-Code_Block + +Kind O Kind O +: O : O +static O static O +method O method O +of O of O +imagefs B-Library imagefs B-Code_Block + +Summary O Summary O +: O : O +Get O Get O +a O a O +bluebird.disposer B-Library_Function bluebird.disposer O +of O of O +a O a O +node O node O +fs O fs O +like O like O +interface O interface O +for O for O +a O a O +partition O partition O + +Returns O Returns O +: O : O +bluebird.disposer. B-Library_Class bluebird.disposer. B-Code_Block +- O - O +node O node O +fs O fs O +like O like O +interface O interface O + +Access O Access O +: O : O +public O public O + +Param O Param O + +Type O Type O + +Description O Description O + +disk B-Library_Variable disk O + +String B-Data_Type String B-Code_Block +| O | O +filedisk.Disk B-Library_Class filedisk.Disk B-Code_Block + +path O path O +to O to O +the O the O +image B-User_Interface_Element image O +or O or O +filedisk.Disk B-Library_Class filedisk.Disk O +instance O instance O + +partition B-Library_Variable partition O + +Number B-Library_Class Number B-Code_Block + +partition O partition O +number O number O + +Example O Example O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122343 I-Code_Block GR_122343 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +imagefs.read(definition) B-Library_Function imagefs.read(definition) O +⇒ O ⇒ O +bluebird.disposer. B-Library_Class bluebird.disposer. B-Code_Block + +Kind O Kind O +: O : O +static O static O +method O method O +of O of O +imagefs B-Library imagefs B-Code_Block + +Summary O Summary O +: O : O +Get O Get O +a O a O +device O device O +file O file O +readable O readable O +stream O stream O + +Returns O Returns O +: O : O +bluebird.disposer. B-Library_Class bluebird.disposer. B-Code_Block +- O - O +file O file O +stream O stream O + +Access O Access O +: O : O +public O public O + +Param O Param O + +Type O Type O + +Description O Description O + +definition B-Library_Variable definition O + +Object B-Data_Type Object B-Code_Block + +device O device O +path O path O +definition O definition O + +definition.image B-Library_Class definition.image O + +String B-Data_Type String B-Code_Block +| O | O +filedisk.Disk B-Library_Class filedisk.Disk B-Code_Block + +path O path O +to O to O +the O the O +image B-User_Interface_Element image O +or O or O +filedisk.Disk B-Library_Class filedisk.Disk O +instance O instance O + +[ O [ O +definition.partition B-Library_Class definition.partition O +] O ] O + +Number B-Library_Variable Number B-Code_Block + +partition O partition O +number O number O + +definition.path B-Library_Class definition.path O + +String B-Data_Type String B-Code_Block + +file O file O +path O path O + +Example O Example O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122344 I-Code_Block GR_122344 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +imagefs.write(definition,stream) B-Library_Function imagefs.write(definition,stream) O +⇒ O ⇒ O +Promise B-Library_Class Promise B-Code_Block + +Kind O Kind O +: O : O +static O static O +method O method O +of O of O +imagefs B-Library imagefs B-Code_Block + +Summary O Summary O +: O : O +Write O Write O +a O a O +stream O stream O +to O to O +a O a O +device O device O +file O file O + +Access O Access O +: O : O +public O public O + +Param O Param O + +Type O Type O + +Description O Description O + +definition O definition O + +Object B-Data_Type Object B-Code_Block + +device O device O +path O path O +definition O definition O + +definition.image B-Library_Class definition.image O + +String B-Data_Type String B-Code_Block +| O | O +filedisk.Disk B-Library_Class filedisk.Disk B-Code_Block + +path O path O +to O to O +the O the O +image B-User_Interface_Element image O +or O or O +filedisk.Disk B-Library_Class filedisk.Disk O +instance O instance O + +[ O [ O +definition.partition B-Library_Class definition.partition O +] O ] O + +Number B-Library_Variable Number B-Code_Block + +partition O partition O +number O number O + +definition.path B-Library_Class definition.path O + +String B-Data_Type String B-Code_Block + +file O file O +path O path O + +stream O stream O + +ReadStream B-Library_Class ReadStream B-Code_Block + +contents O contents O +stream O stream O + +Example O Example O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122345 I-Code_Block GR_122345 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +imagefs.readFile(definition) B-Library_Function imagefs.readFile(definition) O +⇒ O ⇒ O +Promise. B-Data_Type Promise. B-Code_Block + +Kind O Kind O +: O : O +static O static O +method O method O +of O of O +imagefs B-Library imagefs B-Code_Block + +Summary O Summary O +: O : O +Read O Read O +a O a O +device O device O +file O file O + +Returns O Returns O +: O : O +Promise. B-Data_Type Promise. B-Code_Block +- O - O +file O file O +text O text O + +Access O Access O +: O : O +public O public O + +Param O Param O + +Type O Type O + +Description O Description O + +definition B-Library_Variable definition O + +Object B-Library_Class Object B-Code_Block + +device O device O +path O path O +definition O definition O + +definition.image B-Library_Class definition.image O + +String B-Data_Type String B-Code_Block +| O | O +filedisk.Disk B-Library_Class filedisk.Disk B-Code_Block + +path O path O +to O to O +the O the O +image B-User_Interface_Element image O +or O or O +filedisk.Disk B-Library_Class filedisk.Disk O +instance O instance O + +[ O [ O +definition.partition B-Library_Class definition.partition O +] O ] O + +Number B-Data_Type Number B-Code_Block + +partition O partition O +number O number O + +definition.path B-Library_Class definition.path O + +String B-Data_Type String B-Code_Block + +file O file O +path O path O + +Example O Example O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122346 I-Code_Block GR_122346 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +imagefs.writeFile(definition,contents) B-Library_Function imagefs.writeFile(definition,contents) O +⇒ O ⇒ O +Promise B-Library_Class Promise B-Code_Block + +Kind O Kind O +: O : O +static O static O +method O method O +of O of O +imagefs B-Library imagefs B-Code_Block + +Summary O Summary O +: O : O +Write O Write O +a O a O +device B-File_Type device O +file O file O + +Access O Access O +: O : O +public O public O + +Param O Param O + +Type O Type O + +Description O Description O + +definition B-Library_Variable definition O + +Object B-Data_Type Object B-Code_Block + +device O device O +path O path O +definition O definition O + +definition.image B-Library_Class definition.image O + +String B-Data_Type String B-Code_Block +| O | O +filedisk.Disk B-Library_Class filedisk.Disk B-Code_Block + +path O path O +to O to O +the O the O +image B-User_Interface_Element image O +or O or O +filedisk.Disk B-Library_Class filedisk.Disk O +instance O instance O + +[ O [ O +definition.partition B-Library_Class definition.partition O +] O ] O + +Number B-Data_Type Number B-Code_Block + +partition O partition O +number O number O + +definition.path B-Library_Class definition.path O + +String B-Data_Type String B-Code_Block + +file O file O +path O path O + +contents O contents O + +String B-Data_Type String B-Code_Block + +contents O contents O +string B-Data_Type string O + +Example O Example O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122347 I-Code_Block GR_122347 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +imagefs.copy(input,output) B-Library_Function imagefs.copy(input,output) O +⇒ O ⇒ O +Promise B-Library_Class Promise B-Code_Block + +Kind O Kind O +: O : O +static O static O +method O method O +of O of O +imagefs B-Library imagefs B-Code_Block + +Summary O Summary O +: O : O +Copy O Copy O +a O a O +device B-File_Type device O +file O file O + +Access O Access O +: O : O +public O public O + +Param O Param O + +Type O Type O + +Description O Description O + +input B-Library_Variable input O + +Object B-Library_Class Object B-Code_Block + +input O input O +device O device O +path O path O +definition O definition O + +definition.image B-Library_Class definition.image O + +String B-Data_Type String B-Code_Block +| O | O +filedisk.Disk B-Library_Class filedisk.Disk B-Code_Block + +path O path O +to O to O +the O the O +image B-User_Interface_Element image O +or O or O +filedisk.Disk B-Library_Class filedisk.Disk O +instance O instance O + +[ O [ O +input.partition B-Library_Class input.partition O +] O ] O + +Number B-Data_Type Number B-Code_Block + +partition O partition O +number O number O + +input.path B-Library_Class input.path O + +String B-Data_Type String B-Code_Block + +file O file O +path O path O + +output O output O + +Object B-Data_Type Object B-Code_Block + +output O output O +device O device O +path O path O +definition O definition O + +output.image B-Library_Class output.image O + +String B-Data_Type String B-Code_Block + +path O path O +to O to O +the O the O +image B-User_Interface_Element image O + +[ O [ O +output.partition B-Library_Class output.partition O +] O ] O + +Number B-Data_Type Number B-Code_Block + +partition O partition O +number O number O + +output.path B-Library_Class output.path O + +String B-Data_Type String B-Code_Block + +file O file O +path O path O + +Example O Example O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122348 I-Code_Block GR_122348 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +imagefs.replace(definition,search,replace) B-Library_Function imagefs.replace(definition,search,replace) O +⇒ O ⇒ O +Promise B-Library_Class Promise B-Code_Block + +Kind O Kind O +: O : O +static O static O +method O method O +of O of O +imagefs B-Library imagefs B-Code_Block + +Summary O Summary O +: O : O +Perform O Perform O +search O search O +and O and O +replacement O replacement O +in O in O +a O a O +file O file O + +Access O Access O +: O : O +public O public O + +Param O Param O + +Type O Type O + +Description O Description O + +definition B-Library_Variable definition O + +Object B-Library_Class Object B-Code_Block + +device O device O +path O path O +definition O definition O + +definition.image B-Library_Class definition.image O + +String B-Data_Type String B-Code_Block +| O | O +filedisk.Disk B-Library_Class filedisk.Disk B-Code_Block + +path O path O +to O to O +the O the O +image B-User_Interface_Element image O +or O or O +filedisk.Disk B-Library_Class filedisk.Disk O +instance O instance O + +[ O [ O +definition.partition B-Library_Class definition.partition O +] O ] O + +Number B-Data_Type Number B-Code_Block + +partition O partition O +number O number O + +definition.path B-Library_Class definition.path O + +String B-Data_Type String B-Code_Block + +file O file O +path O path O + +search O search O + +String B-Data_Type String B-Code_Block +| O | O +RegExp B-Library_Class RegExp B-Code_Block + +search O search O +term O term O + +replace O replace O + +String B-Data_Type String B-Code_Block + +replace O replace O +value O value O + +Example O Example O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122349 I-Code_Block GR_122349 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +imagefs.listDirectory(definition) B-Library_Function imagefs.listDirectory(definition) O +⇒ O ⇒ O +Promise.> B-Data_Type Promise.> B-Code_Block + +Kind O Kind O +: O : O +static O static O +method O method O +of O of O +imagefs B-Library imagefs B-Code_Block + +Summary O Summary O +: O : O +List O List O +the O the O +contents O contents O +of O of O +a O a O +directory O directory O + +Returns O Returns O +: O : O +Promise.> B-Data_Type Promise.> B-Code_Block +- O - O +list O list O +of O of O +files O files O +in O in O +directory O directory O + +Access O Access O +: O : O +public O public O + +Param O Param O + +Type O Type O + +Description O Description O + +definition B-Library_Variable definition O + +Object B-Library_Class Object B-Code_Block + +device O device O +path O path O +definition O definition O + +definition.image B-Library_Class definition.image O + +String B-Data_Type String B-Code_Block +| O | O +filedisk.Disk B-Library_Class filedisk.Disk B-Code_Block + +path O path O +to O to O +the O the O +image B-User_Interface_Element image O +or O or O +filedisk.Disk B-Library_Class filedisk.Disk O +instance O instance O + +[ O [ O +definition.partition B-Library_Class definition.partition O +] O ] O + +Number B-Data_Type Number B-Code_Block + +partition O partition O +number O number O + +definition.path B-Library_Class definition.path O + +String B-Data_Type String B-Code_Block + +directory O directory O +path O path O + +Example O Example O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122350 I-Code_Block GR_122350 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Support O Support O + +If O If O +you O you O +'re O 're O +having O having O +any O any O +problem O problem O +, O , O +please O please O +raise O raise O +an O an O +issue O issue O +on O on O +GitHub B-Website GitHub O +and O and O +the O the O +Resin.io B-Application Resin.io O +team O team O +will O will O +be O be O +happy O happy O +to O to O +help O help O +. O . O + +Tests O Tests O + +Run O Run O +the O the O +test O test O +suite O suite O +by O by O +doing O doing O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122351 I-Code_Block GR_122351 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Contribute O Contribute O + +Issue O Issue O +Tracker O Tracker O +: O : O +github.com/resin-io/resin-image-fs/issues O github.com/resin-io/resin-image-fs/issues O + +Source O Source O +Code O Code O +: O : O +github.com/resin-io/resin-image-fs O github.com/resin-io/resin-image-fs O + +Before O Before O +submitting O submitting O +a O a O +PR O PR O +, O , O +please O please O +make O make O +sure O sure O +that O that O +you O you O +include O include O +tests O tests O +, O , O +and O and O +that O that O +coffeelint B-Application coffeelint O +runs O runs O +without O without O +any O any O +warning O warning O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_122352 I-Code_Block GR_122352 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +License O License O + +The O The O +project O project O +is O is O +licensed O licensed O +under O under O +the O the O +Apache B-Licence Apache O +2.0 I-Licence 2.0 O +license I-Licence license O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/10 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/10 O + +Hi O Hi O +, O , O +I O I O +wonder O wonder O +if O if O +there O there O +is O is O +any O any O +interest O interest O +in O in O +labelling O labelling O +images B-User_Interface_Element images O +with O with O +metadata O metadata O +relating O relating O +to O to O +the O the O +source O source O +code O code O +repository O repository O +from O from O +which O which O +it O it O +was O was O +built O built O +. O . O + +Since O Since O +with O with O +docker B-Application docker O +images B-User_Interface_Element images O +the O the O +Dockerfile B-File_Type Dockerfile B-Code_Block +is O is O +only O only O +one O one O +piece O piece O +of O of O +the O the O +puzzle O puzzle O +( O ( O +and O and O +other O other O +scripts O scripts O +or O or O +artifacts O artifacts O +might O might O +be O be O +ADDed B-Library_Function ADDed B-Code_Block +in O in O +, O , O +RUN B-Library_Function RUN B-Code_Block +, O , O +etc O etc O +. O . O +) O ) O + +and O and O +typically O typically O +these O these O +are O are O +collected O collected O +together O together O +in O in O +a O a O +version O version O +control O control O +repository O repository O +, O , O +to O to O +find O find O +out O out O +precisely O precisely O +what O what O +was O was O +used O used O +to O to O +build O build O +an O an O +image B-User_Interface_Element image O +, O , O +one O one O +may O may O +need O need O +to O to O +refer O refer O +to O to O +the O the O +repository O repository O +and O and O +to O to O +a O a O +specific O specific O +commit O commit O +within O within O +. O . O + +So O So O +it O it O +might O might O +be O be O +useful O useful O +to O to O +label O label O +with O with O +at O at O +least O least O +the O the O +commit-id B-Library_Variable commit-id O +, O , O +but O but O +probably O probably O +also O also O +a O a O +repository O repository O +URL O URL O +, O , O +and O and O +if O if O +it O it O +ca O ca O +n't O n't O +be O be O +inferred O inferred O +from O from O +the O the O +URL O URL O +, O , O +a O a O +repository O repository O +type O type O +. O . O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/7 O https://github.com/rcfbanalysis/rcfbscraper/issues/7 O + +Just O Just O +run O run O +this O this O +script O script O +and O and O +it O it O +will O will O +generate O generate O +a O a O +report O report O +to O to O +see O see O +how O how O +your O your O +PBP O PBP O +data O data O +correlates O correlates O +to O to O +box O box O +scores O scores O +. O . O + +Looks O Looks O +like O like O +we O we O +are O are O +mostly O mostly O +there O there O +, O , O +Just O Just O +a O a O +few O few O +issues O issues O +plaguing O plaguing O +a O a O +few O few O +games O games O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/12 O https://github.com/ben-eb/metalsmith-remark/issues/12 O + +Thank O Thank O +you O you O +for O for O +the O the O +contribution O contribution O +. O . O + +It O It O +was O was O +merged O merged O +directly O directly O +as O as O +da3de48c504b9baf5a3fcda6e87886f0913b63c2 O da3de48c504b9baf5a3fcda6e87886f0913b63c2 O +to O to O +keep O keep O +commit O commit O +history O history O +cleaner O cleaner O +. O . O + +Your O Your O +contribution O contribution O +is O is O +still O still O +credited O credited O +to O to O +you O you O +. O . O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/3 O https://github.com/moso/flexgrid/issues/3 O + +Fixed O Fixed O +in O in O +fae2207 O fae2207 O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/2 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/2 O + +I O I O +'m O 'm O +having O having O +some O some O +trouble O trouble O +using O using O +Semantic-UI-React B-Library Semantic-UI-React O +with O with O +viewmodel-react-plugin B-Library viewmodel-react-plugin O +for O for O +tags O tags O +using O using O +the O the O +dot O dot O +notation O notation O +, O , O +such O such O +as O as O + B-Data_Structure B-Code_Block +. O . O + +Here O Here O +'s O 's O +my O my O +code O code O +, O , O +adapted O adapted O +from O from O +this O this O +example O example O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_66744 I-Code_Block GR_66744 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +When O When O +I O I O +execute O execute O +this O this O +code O code O +, O , O +I O I O +get O get O +an O an O +error O error O +stating O stating O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_66745 I-Code_Block GR_66745 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +I O I O +comment O comment O +out O out O +the O the O + B-Data_Structure B-Code_Block +tags O tags O +, O , O +it O it O +works O works O +ok O ok O +. O . O + +The O The O +other O other O +tags O tags O +are O are O +showing O showing O +up O up O +fine O fine O +. O . O + +I O I O +also O also O +logged O logged O +the O the O +Form B-Variable_Name Form B-Code_Block +object O object O +on O on O +creation O creation O +to O to O +see O see O +if O if O +it O it O +contains O contains O +a O a O +Field B-Variable_Name Field O +property O property O +, O , O +and O and O +it O it O +does O does O +. O . O + +Is O Is O +there O there O +something O something O +in O in O +conflict O conflict O +with O with O +viewmodel-react-plugin B-Library viewmodel-react-plugin O +and O and O +dot O dot O +notation O notation O +in O in O +component O component O +names O names O +? O ? O + +If O If O +so O so O +, O , O +would O would O +you O you O +have O have O +any O any O +advice O advice O +? O ? O + +Repository_Name O Repository_Name O +: O : O +septsixteen/6303_week5_lecture_assignment O septsixteen/6303_week5_lecture_assignment O + +Repository_Link O Repository_Link O +: O : O +https://github.com/septsixteen/6303_week5_lecture_assignment O https://github.com/septsixteen/6303_week5_lecture_assignment O + +6303_week5_lecture_assignment O 6303_week5_lecture_assignment O + +6303_week5_lecture O 6303_week5_lecture O +- O - O +Heidi B-User_Name Heidi O +'s O 's O +data O data O +science O science O +profile O profile O + +This O This O +repo O repo O +contains O contains O +: O : O + +Heidi B-User_Name Heidi O +'s O 's O +data O data O +science O science O +profile O profile O + +Files O Files O +from O from O +McGee B-User_Name McGee O +'s O 's O +stat6306datascience O stat6306datascience O +repo O repo O +. O . O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/76 O https://github.com/linked-statistics/xkos/issues/76 O + +This O This O +remark O remark O +is O is O +mainly O mainly O +for O for O +the O the O +left O left O +hand O hand O +side O side O +of O of O +Figure B-User_Interface_Element Figure O +9 O 9 O +which O which O +introduces O introduces O +a O a O +number O number O +of O of O +relationships O relationships O +with O with O +attributes O attributes O +such O such O +as O as O +symmetric O symmetric O +, O , O +transitive O transitive O +and O and O +disjoint O disjoint O +as O as O +sub-properties O sub-properties O +of O of O +skos:related B-Library_Class skos:related O +. O . O + +These O These O +properties O properties O +are O are O +declared O declared O +as O as O +owl:TransitiveProperty B-Library_Variable owl:TransitiveProperty O +, O , O +owl:SymmetricProperty B-Library_Variable owl:SymmetricProperty O +( O ( O +in O in O +a O a O +way O way O +which O which O +is O is O +consistent O consistent O +with O with O +what O what O +is O is O +done O done O +is O is O +SKOS B-Library SKOS O +) O ) O +. O . O + +While O While O +I O I O +agree O agree O +that O that O +skos:related B-Library_Class skos:related O +is O is O +not O not O +a O a O +panacea O panacea O +, O , O +my O my O +preference O preference O +would O would O +be O be O +to O to O +have O have O +a O a O +mechanism O mechanism O +allowing O allowing O +to O to O +annotate O annotate O +the O the O +type O type O +of O of O +relationships O relationships O +used O used O +in O in O +a O a O +linkset O linkset O +globally O globally O +, O , O +on O on O +the O the O +model O model O +of O of O +what O what O +is O is O +done O done O +for O for O +Open B-Library Open O +PHACTS I-Library PHACTS O +linkset O linkset O +( O ( O +see O see O +the O the O +issue O issue O +discussing O discussing O +mapping O mapping O +justifications O justifications O +) O ) O +or O or O +locally O locally O +on O on O +the O the O +model O model O +of O of O +what O what O +is O is O +done O done O +in O in O +ISO O ISO O +25964 O 25964 O +( O ( O +via O via O +the O the O +HierarchicalRelationship B-Library_Class HierarchicalRelationship O +class O class O +which O which O +does O does O +not O not O +seem O seem O +to O to O +have O have O +been O been O +ported O ported O +in O in O +skos-thes B-Library skos-thes O +) O ) O + +One O One O +approach O approach O +worth O worth O +exploring O exploring O +would O would O +be O be O +to O to O +introduce O introduce O +a O a O +" O " O +qualified O qualified O +ontology O ontology O +relationship O relationship O +" O " O +design O design O +pattern O pattern O +where O where O +the O the O +simpler O simpler O +relationship O relationship O +defined O defined O +in O in O +SKOS B-Library SKOS O +( O ( O +and O and O +maybe O maybe O +some O some O +selected O selected O +XKOS B-Library XKOS O +ones O ones O +) O ) O +could O could O +be O be O +expanded O expanded O +into O into O +a O a O +richer O richer O +one O one O +with O with O +an O an O +intermediate O intermediate O +node O node O +serving O serving O +as O as O +placeholder O placeholder O +for O for O +adding O adding O +new O new O +information O information O +( O ( O +richer O richer O +semantic O semantic O +characterisation O characterisation O +, O , O +other O other O +information O information O +about O about O +the O the O +nature O nature O +of O of O +the O the O +link O link O +e.g O e.g O +. O . O + +how O how O +it O it O +is O is O +has O has O +been O been O +obtained O obtained O +. O . O + +Simpler O Simpler O +approaches O approaches O +may O may O +be O be O +required O required O +for O for O +cases O cases O +where O where O +it O it O +would O would O +be O be O +worth O worth O +to O to O +supply O supply O +additional O additional O +data O data O +at O at O +the O the O +same O same O +time O time O +e.g O e.g O +. O . O + +weights O weights O +associated O associated O +to O to O +key O key O +dimensions O dimensions O +( O ( O +area O area O +, O , O +population O population O +) O ) O +for O for O +classifications O classifications O +describing O describing O +administrative O administrative O +areas O areas O +. O . O + +Another O Another O +reason O reason O +to O to O +limit O limit O +the O the O +drift O drift O +of O of O +XKOS B-Library XKOS O +towards O towards O +OWL B-Library OWL O +construct O construct O +is O is O +to O to O +firmly O firmly O +anchor O anchor O +XKOS B-Library XKOS O +practice O practice O +in O in O +its O its O +natural O natural O +niche O niche O +( O ( O +SKOS B-Library SKOS O +users O users O +) O ) O +and O and O +not O not O +try O try O +to O to O +expand O expand O +it O it O +( O ( O +blur O blur O +the O the O +boundary O boundary O +between O between O +the O the O +two O two O +practices O practices O +) O ) O +. O . O + +My O My O +preference O preference O +is O is O +for O for O +XKOS B-Library XKOS O +to O to O +not O not O +tip-toe O tip-toe O +outside O outside O +the O the O +SKOS B-Library SKOS O +" O " O +comfort O comfort O +zone O zone O +" O " O +but O but O +it O it O +may O may O +be O be O +a O a O +good O good O +idea O idea O +to O to O +document O document O +best O best O +practices O practices O +from O from O +the O the O +community O community O +on O on O +cases O cases O +where O where O +richer O richer O +( O ( O +OWL B-Library OWL O +DL I-Library DL O +? O ? O +) O ) O + +semantic O semantic O +relationships O relationships O +would O would O +be O be O +useful O useful O +. O . O + +Some O Some O +of O of O +the O the O +semantic O semantic O +relations O relations O +defined O defined O +in O in O +section O section O +9 O 9 O +are O are O +also O also O +available O available O +from O from O +upper O upper O +ontologies O ontologies O +or O or O +from O from O +ontologies O ontologies O +focusing O focusing O +on O on O +the O the O +management O management O +of O of O +time O time O +interval O interval O +or O or O +event O event O +relationships O relationships O +and O and O +there O there O +may O may O +be O be O +other O other O +ways O ways O +to O to O +enrich O enrich O +the O the O +classification O classification O +using O using O +some O some O +sort O sort O +of O of O +annotation O annotation O +or O or O +mapping O mapping O +guideline O guideline O +and/or O and/or O +instructions O instructions O +on O on O +how O how O +to O to O +make O make O +the O the O +content O content O +compatible O compatible O +to O to O +be O be O +able O able O +to O to O +lift O lift O +into O into O +an O an O +OWL B-Library OWL O +DL I-Library DL O +ontology O ontology O +or O or O +alternatively O alternatively O +when O when O +a O a O +larger O larger O +audience O audience O +is O is O +targeted O targeted O +in O in O +a O a O +resource O resource O +designed O designed O +to O to O +be O be O +consumed O consumed O +by O by O +web O web O +developers O developers O +( O ( O +use O use O +of O of O +standards O standards O +such O such O +as O as O +JSON-LD B-Library JSON-LD O +for O for O +which O which O +a O a O +closer O closer O +alignment O alignment O +with O with O +schema.org B-Website schema.org O +meta-model O meta-model O +and O and O +concepts O concepts O +may O may O +be O be O +expected O expected O +) O ) O +. O . O + +And O And O +with O with O +such O such O +a O a O +mechanism O mechanism O +to O to O +lift O lift O +XKOS B-Library XKOS O +content O content O +into O into O +a O a O +fully O fully O +fledge O fledge O +OWL B-Library OWL O +DL I-Library DL O +ontology O ontology O +, O , O +there O there O +would O would O +be O be O +no O no O +need O need O +to O to O +add O add O +the O the O +xkos:disjoint B-Library_Class xkos:disjoint O +relationship O relationship O +. O . O + +Please O Please O +remember O remember O +that O that O +tool O tool O +implementers O implementers O +will O will O +have O have O +to O to O +figure O figure O +out O out O +what O what O +they O they O +can O can O +do O do O +with O with O +it O it O +. O . O + +ISO O ISO O +25964 O 25964 O +http://www.niso.org/schemas/iso25964/ O http://www.niso.org/schemas/iso25964/ O + +S O S O +. O . O +G O G O +. O . O +Dextre O Dextre O +Clarke O Clarke O +and O and O +M O M O +. O . O +Lei O Lei O +Zeng O Zeng O +Standard O Standard O +Spotlight O Spotlight O +: O : O +From O From O +ISO O ISO O +2788 O 2788 O +to O to O +ISO O ISO O +25964 O 25964 O +: O : O +the O the O +evolution O evolution O +of O of O +thesaurus O thesaurus O +standards O standards O +towards O towards O +interoperability O interoperability O +and O and O +data O data O +Modelling O Modelling O + +L O L O +. O . O +Will O Will O +( O ( O +201 O 201 O +2) O 2) O +The O The O +ISO O ISO O +25964 O 25964 O +Data O Data O +Model O Model O +for O for O +the O the O +Structure O Structure O +of O of O +an O an O +Information O Information O +Retrieval O Retrieval O +Thesaurus O Thesaurus O + +skos-thes O skos-thes O +http://purl.org/iso25964/skos-thes O http://purl.org/iso25964/skos-thes O + +PS O PS O +: O : O +The O The O +question O question O +of O of O +when O when O +to O to O +use O use O +OWL B-Library OWL O +and O and O +SKOS B-Library SKOS O +and O and O +whether O whether O +to O to O +use O use O +them O them O +together O together O +or O or O +not O not O +has O has O +been O been O +debated O debated O +in O in O +the O the O +past O past O +. O . O + +Here O Here O +are O are O +a O a O +few O few O +references O references O +: O : O + +STERNA O STERNA O +Technology O Technology O +Watch O Watch O +Report O Report O +( O ( O +2009 O 2009 O +) O ) O +http://www.sterna-net.eu/images/stories/documents/sterna_del.6.5_technology-watch_full-report_20081210.pdf O http://www.sterna-net.eu/images/stories/documents/sterna_del.6.5_technology-watch_full-report_20081210.pdf O +( O ( O +section O section O +6 O 6 O +: O : O +The O The O +SKOS O SKOS O +road O road O +to O to O +semantic O semantic O +interoperability O interoperability O +) O ) O + +S O S O +. O . O +Bechhofer O Bechhofer O +and O and O +A O A O +. O . O + +Miles O Miles O +, O , O +Using O Using O +OWL B-Library OWL O +and O and O +SKOS B-Library SKOS O +May O May O +2008 O 2008 O +http://www.w3.org/2006/07/SWD/SKOS/skos-and-owl/master.html O http://www.w3.org/2006/07/SWD/SKOS/skos-and-owl/master.html O + +S O S O +. O . O +Bechhofer O Bechhofer O +et O et O +al O al O +SKOS B-Library SKOS O +with O with O +OWL B-Library OWL O +: O : O +Do O Do O +n't O n't O +be O be O +Full-ish O Full-ish O +! O ! O + +http://ceur-ws.org/Vol-432/owled2008eu_submission_22.pdf O http://ceur-ws.org/Vol-432/owled2008eu_submission_22.pdf O + +A O A O +. O . O +Isaac O Isaac O +and O and O +T O T O +. O . O +Baker O Baker O +( O ( O +201 O 201 O +5) O 5) O +Linked O Linked O +Data O Data O +Practice O Practice O +at O at O +Different O Different O +Levels O Levels O +of O of O +Semantic O Semantic O +Precision O Precision O +: O : O +The O The O +Perspective O Perspective O +of O of O +Libraries O Libraries O +, O , O +Archives O Archives O +and O and O +Museums O Museums O +http://onlinelibrary.wiley.com/doi/10.1002/bult.2015.1720410411/epdf O http://onlinelibrary.wiley.com/doi/10.1002/bult.2015.1720410411/epdf O + +Complementarity O Complementarity O +of O of O +OWL B-Library OWL O +and O and O +SKOS B-Library SKOS O +Report O Report O +from O from O +the O the O +W3C B-Organization W3C O +Semantic O Semantic O +Web O Web O +Best O Best O +Practices O Practices O +Working O Working O +Groupslide O Groupslide O +25 O 25 O +http://www.iwi-iuk.org/cashmere/htdocs/html/workshop2/presentations/semanticweb.pdf O http://www.iwi-iuk.org/cashmere/htdocs/html/workshop2/presentations/semanticweb.pdf O + +This O This O +retrospective O retrospective O +of O of O +the O the O +work O work O +done O done O +in O in O +the O the O +SKOS B-Library SKOS O +working O working O +group O group O +discusses O discusses O +the O the O +choices O choices O +to O to O +include O include O +or O or O +ignore O ignore O +specific O specific O +requirements O requirements O +known O known O +at O at O +the O the O +time O time O +of O of O +development O development O +: O : O + +T O T O +. O . O +Baker O Baker O +et O et O +al O al O +( O ( O +201 O 201 O +3) O 3) O +Key O Key O +choices O choices O +in O in O +the O the O +design O design O +of O of O +Simple O Simple O +Knowledge O Knowledge O +Organization O Organization O +System O System O +( O ( O +SKOS B-Library SKOS O +) O ) O +http://www.cs.vu.nl/~guus/papers/Baker13a.pdf O http://www.cs.vu.nl/~guus/papers/Baker13a.pdf O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/8 O https://github.com/zeroepoch/plotbitrate/issues/8 O + +A O A O +few O few O +comments O comments O +about O about O +the O the O +code O code O +you O you O +have O have O +now O now O +: O : O + +There O There O +are O are O +some O some O +unused O unused O +variables O variables O +, O , O +last_Values B-Library_Variable last_Values B-Code_Block +and O and O +time B-Library_Variable time B-Code_Block +. O . O + +frame_names B-Library_Variable frame_names B-Code_Block +and O and O +read_positions B-Library_Variable read_positions B-Code_Block +could O could O +be O be O +moved O moved O +inside O inside O +the O the O +open O open O +block O block O +. O . O + +data_left B-Library_Variable data_left B-Code_Block +is O is O +not O not O +needed O needed O +since O since O +the O the O +only O only O +time O time O +it O it O +'s O 's O +set O set O +you O you O +break O break O +anyways O anyways O +. O . O + +The O The O +two O two O +inner O inner O +for O for O +loops O loops O +are O are O +redundant O redundant O +since O since O +you O you O +find O find O +the O the O +element O element O +you O you O +want O want O +and O and O +save O save O +next_time B-Library_Variable next_time B-Code_Block +and O and O +then O then O +just O just O +use O use O +it O it O +again O again O +in O in O +the O the O +second O second O +loop O loop O +to O to O +find O find O +the O the O +same O same O +record O record O +you O you O +were O were O +at O at O +. O . O + +If O If O +you O you O +know O know O +the O the O +last O last O +position O position O +k B-Variable_Name k B-Code_Block +then O then O +I O I O +'m O 'm O +not O not O +sure O sure O +why O why O +you O you O +need O need O +to O to O +check O check O +against O against O +the O the O +last O last O +time O time O +because O because O +it O it O +will O will O +always O always O +be O be O +greater O greater O +. O . O + +There O There O +should O should O +be O be O +a O a O +cleaner O cleaner O +way O way O +to O to O +advance O advance O +and O and O +exit O exit O +the O the O +loop O loop O +. O . O + +The O The O +formatting O formatting O +is O is O +inconsistent O inconsistent O +. O . O + +You O You O +should O should O +put O put O +spaces O spaces O +around O around O +all O all O +operators O operators O +such O such O +as O as O +, O , O +" O " O +A B-Code_Block A O +!= I-Code_Block != O +B I-Code_Block B O +" O " O +. O . O + +Also O Also O +the O the O +spacing O spacing O +within O within O +parentheses O parentheses O +should O should O +be O be O +removed O removed O +similar O similar O +to O to O +the O the O +other O other O +code O code O +in O in O +the O the O +file O file O +. O . O + +You O You O +should O should O +return O return O +after O after O +you O you O +save O save O +the O the O +CSV B-File_Type CSV O +file O file O +since O since O +you O you O +are O are O +writing O writing O +a O a O +file O file O +not O not O +plotting O plotting O +. O . O + +I O I O +think O think O +the O the O +way O way O +it O it O +is O is O +now O now O +you O you O +'ll O 'll O +lose O lose O +data O data O +since O since O +it O it O +finds O finds O +the O the O +highest O highest O +of O of O +the O the O +next O next O +set O set O +of O of O +frames O frames O +and O and O +then O then O +only O only O +compares O compares O +to O to O +the O the O +highest O highest O +time O time O +. O . O + +A O A O +larger O larger O +concern O concern O +I O I O +have O have O +is O is O +whether O whether O +this O this O +even O even O +makes O makes O +sense O sense O +. O . O + +I O I O +understand O understand O +you O you O +are O are O +looking O looking O +for O for O +a O a O +specific O specific O +format O format O +but O but O +a O a O +more O more O +straightforward O straightforward O +approach O approach O +would O would O +be O be O +to O to O +dump O dump O +the O the O +csv B-File_Type csv O +file O file O +from O from O +the O the O +numpy O numpy O +arrays O arrays O +directly O directly O +and O and O +then O then O +you O you O +can O can O +do O do O +with O with O +that O that O +what O what O +you O you O +like O like O +. O . O + +If O If O +you O you O +want O want O +them O them O +in O in O +a O a O +specific O specific O +order O order O +before O before O +creating O creating O +any O any O +CSV B-File_Type CSV O +you O you O +should O should O +collect O collect O +the O the O +data O data O +first O first O +into O into O +another O another O +form O form O +maybe O maybe O +by O by O +creating O creating O +a O a O +new O new O +dictionary O dictionary O +based O based O +on O on O +time O time O +and O and O +then O then O +sorting O sorting O +by O by O +time O time O +. O . O + +It O It O +might O might O +be O be O +slower O slower O +than O than O +an O an O +efficient O efficient O +variant O variant O +of O of O +what O what O +you O you O +are O are O +doing O doing O +now O now O +, O , O +but O but O +it O it O +would O would O +be O be O +more O more O +clear O clear O +to O to O +a O a O +developer O developer O +that O that O +way O way O +. O . O + +I O I O +really O really O +appreciate O appreciate O +the O the O +contribution O contribution O +, O , O +but O but O +as O as O +this O this O +pull O pull O +request O request O +is O is O +now O now O +I O I O +see O see O +too O too O +many O many O +problems O problems O +to O to O +accept O accept O +it O it O +in O in O +its O its O +current O current O +form O form O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/17 O https://github.com/demigor/lex.db/issues/17 O + +Unfortunately O Unfortunately O +, O , O +I O I O +do O do O +n't O n't O +have O have O +MacBook B-Device MacBook O +or O or O +iMac B-Device iMac O +. O . O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Repository_Link O Repository_Link O +: O : O +https://github.com/linked-statistics/xkos O https://github.com/linked-statistics/xkos O + +XKOS B-Library XKOS O + +An O An O +SKOS B-Library SKOS O +extension O extension O +for O for O +representing O representing O +statistical O statistical O +classifications O classifications O + +XKOS B-Library XKOS O +is O is O +an O an O +extension O extension O +of O of O +the O the O +Simple B-Library Simple O +Knowledge I-Library Knowledge O +Organization I-Library Organization O +System I-Library System O +( O ( O +SKOS B-Library SKOS O +) O ) O +applicable O applicable O +to O to O +the O the O +needs O needs O +of O of O +statistical O statistical O +offices O offices O +for O for O +describing O describing O +statistical O statistical O +classification O classification O +systems O systems O +. O . O + +More O More O +information O information O +on O on O +XKOS B-Library XKOS O +can O can O +be O be O +found O found O +at O at O +http://www.ddialliance.org/Specification/RDF/XKOS O http://www.ddialliance.org/Specification/RDF/XKOS O +. O . O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/1 O https://github.com/smirarab/pasta/issues/1 O + +If O If O +no O no O +model O model O +for O for O +tree B-Data_Structure tree O +estimation O estimation O +is O is O +given O given O +to O to O +PASTA B-Application PASTA O +, O , O +PASTA B-Application PASTA O +will O will O +automatically O automatically O +select O select O +the O the O +correct O correct O +tree B-Data_Structure tree O +model O model O +( O ( O +-gtr B-Code_Block -gtr O +-nt I-Code_Block -nt O +for O for O +DNA/RNA O DNA/RNA O +-wag B-Code_Block -wag O +-gamma I-Code_Block -gamma O +for O for O +Amino O Amino O +Acid O Acid O +) O ) O +. O . O + +However O However O +, O , O +the O the O +temp O temp O +config B-File_Type config O +file O file O +will O will O +leave O leave O +the O the O +model O model O +blank O blank O +still O still O +, O , O +which O which O +may O may O +cause O cause O +confusion O confusion O +to O to O +the O the O +user O user O +. O . O + +PASTA B-Application PASTA O +should O should O +automatically O automatically O +populate O populate O +all O all O +fields O fields O +that O that O +left O left O +blank O blank O +so O so O +that O that O +the O the O +exact O exact O +settings O settings O +are O are O +known O known O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/26 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/26 O + +Proposal O Proposal O +to O to O +move O move O +to O to O +lowercase-underscore O lowercase-underscore O +format O format O +( O ( O +e.g O e.g O +. O . O + +' O ' O +name O name O +' O ' O +, O , O +' O ' O +build_host' O build_host' O +) O ) O +for O for O +the O the O +labels O labels O +. O . O + +Follow O Follow O +up O up O +on O on O +the O the O +discussion O discussion O +in O in O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/8 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/8 O +and O and O +the O the O +PR O PR O +in O in O +https://github.com/projectatomic/ContainerApplicationGenericLabels/pull/11 O https://github.com/projectatomic/ContainerApplicationGenericLabels/pull/11 O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/4 O https://github.com/rgeo/rgeo-activerecord/issues/4 O + +Release O Release O +0.4.1 B-Version 0.4.1 O +built O built O +and O and O +pushed O pushed O +to O to O +rubygems B-Library rubygems O +. O . O + +It O It O +should O should O +show O show O +up O up O +in O in O +a O a O +minute O minute O +or O or O +two O two O +. O . O + +Thanks O Thanks O +much O much O +! O ! O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/46 O https://github.com/mapbox/tile-count/issues/46 O + +When O When O +I O I O +attempt O attempt O +to O to O +upload O upload O +an O an O +.mbtiles B-File_Type .mbtiles O +file O file O +created O created O +with O with O +tile-count-tile B-Application tile-count-tile O +to O to O +Mapbox B-Application Mapbox O +I O I O +get O get O +this O this O +error O error O +: O : O +" O " O +vector_layers B-Error_Name vector_layers O +must I-Error_Name must O +be I-Error_Name be O +an I-Error_Name an O +array I-Error_Name array O +of I-Error_Name of O +layer I-Error_Name layer O +objects I-Error_Name objects O +" O " O + +I O I O +found O found O +that O that O +I O I O +can O can O +get O get O +around O around O +this O this O +by O by O +first O first O +exporting O exporting O +the O the O +mbtiles B-File_Type mbtiles O +to O to O +a O a O +directory O directory O +with O with O +mbutil B-Application mbutil O +. O . O + +The O The O +editing O editing O +the O the O +" O " O +json B-File_Type json O +" O " O +key O key O +in O in O +metadata.json B-File_Name metadata.json O +from O from O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_19605 I-Code_Block GR_19605 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +to O to O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_19606 I-Code_Block GR_19606 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +( O ( O +I O I O +had O had O +set O set O +specific O specific O +min B-Library_Variable min O +and O and O +max B-Library_Variable max O +zooms I-Library_Variable zooms O +with O with O +tile-count-tile B-Application tile-count-tile O +so O so O +I O I O +made O made O +them O them O +match O match O +in O in O +the O the O +json B-File_Type json O +) O ) O + +Then O Then O +, O , O +after O after O +re-packing O re-packing O +back O back O +to O to O +a O a O +.mbtiles B-File_Type .mbtiles O +with O with O +mbutil B-Application mbutil O +, O , O +mapbox B-Application mapbox O +would O would O +accept O accept O +the O the O +upload O upload O +. O . O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/25 O https://github.com/rgeo/rgeo-activerecord/issues/25 O + +@teeparham B-User_Name @teeparham O +would O would O +you O you O +mind O mind O +releasing O releasing O +changes O changes O +from O from O +this O this O +pull O pull O +request O request O +as O as O +a O a O +new O new O +1.x B-Version 1.x B-Code_Block +version O version O +? O ? O + +eg O eg O +. O . O + +1.2.1 B-Version 1.2.1 B-Code_Block +? O ? O + +I O I O +thought O thought O +that O that O +after O after O +it O it O +was O was O +merged O merged O +to O to O +branch O branch O +rgeo:1.0 B-Library rgeo:1.0 B-Code_Block +it O it O +was O was O +a O a O +part O part O +of O of O +the O the O +1.2 B-Version 1.2 O +release O release O +. O . O + +Currently O Currently O +we O we O +have O have O +a O a O +dependency O dependency O +on O on O +git B-Application git B-Code_Block +source O source O + +gem B-Code_Block gem B-Code_Block +' I-Code_Block ' I-Code_Block +rgeo-activerecord I-Code_Block rgeo-activerecord I-Code_Block +' I-Code_Block ' I-Code_Block +, I-Code_Block , I-Code_Block +git I-Code_Block git I-Code_Block +: I-Code_Block : I-Code_Block +' I-Code_Block ' I-Code_Block +https://github.com/rgeo/rgeo-activerecord.git I-Code_Block https://github.com/rgeo/rgeo-activerecord.git I-Code_Block +' I-Code_Block ' I-Code_Block +, I-Code_Block , I-Code_Block +branch I-Code_Block branch I-Code_Block +: I-Code_Block : I-Code_Block +' I-Code_Block ' I-Code_Block +1.0 I-Code_Block 1.0 I-Code_Block +' I-Code_Block ' I-Code_Block + +in O in O +https://github.com/rgeo/activerecord-mysql2spatial-adapter O https://github.com/rgeo/activerecord-mysql2spatial-adapter O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/4 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/4 O + +Should O Should O +be O be O +working O working O +. O . O + +Please O Please O +make O make O +a O a O +repro O repro O +. O . O + +On O On O +Sun O Sun O +, O , O +Jul O Jul O +29 O 29 O +, O , O +2018 O 2018 O +, O , O +2:08 O 2:08 O +AM O AM O +wildhart O wildhart O +notifications@github.com O notifications@github.com O +wrote O wrote O +: O : O + +With O With O +viewmodel-react-plugin B-Library viewmodel-react-plugin O +>= O >= O +3.1.3 B-Version 3.1.3 O +my O my O +project O project O +will O will O +no O no O +longer O longer O +compile O compile O +if O if O +I O I O +have O have O +b B-Variable_Name b O += O = O +" O " O +defer O defer O +: O : O +true O true O +" O " O +anywhere O anywhere O +. O . O + +I O I O +get O get O +the O the O +babel B-Library babel O +errors O errors O +: O : O + +Property B-Code_Block Property O +right I-Code_Block right O +of I-Code_Block of O +LogicalExpression I-Code_Block LogicalExpression O +expected I-Code_Block expected O +node I-Code_Block node O +to I-Code_Block to O +be I-Code_Block be O +of I-Code_Block of O +a I-Code_Block a O +type I-Code_Block type O +[ B-Code_Block [ O +"Expression" I-Code_Block "Expression" O +] I-Code_Block ] O +but B-Code_Block but O +instead I-Code_Block instead O +got I-Code_Block got O +" I-Code_Block " O +JSXExpressionContainer I-Code_Block JSXExpressionContainer O +" I-Code_Block " O + +In O In O +the O the O +process O process O +of O of O +upgrading O upgrading O +Meteor B-Library Meteor O +1.6->1.7 B-Version 1.6->1.7 O +and O and O +React B-Library React O +15->16 B-Version 15->16 O +, O , O +I O I O +lost O lost O +the O the O +text O text O +binding O binding O +in O in O +self O self O +closing O closing O +tags O tags O +, O , O +so O so O +I O I O +upgraded O upgraded O +to O to O +viewmodel-react-plugin B-Library viewmodel-react-plugin O +@3 B-Version @3 O +.1.4 I-Version .1.4 O +which O which O +fixes O fixes O +the O the O +text O text O +problem O problem O +but O but O +my O my O +project O project O +no O no O +longer O longer O +compiles O compiles O +unless O unless O +I O I O +remove O remove O +the O the O +defer O defer O +bindings O bindings O +. O . O + +If O If O +I O I O +downgrade O downgrade O +to O to O +viewmodel-react-plugin B-Library viewmodel-react-plugin O +@3 B-Version @3 O +.1.0 I-Version .1.0 O +then O then O +it O it O +will O will O +compile O compile O +with O with O +deferred O deferred O +components O components O +, O , O +but O but O +the O the O +text O text O +binding O binding O +in O in O +self O self O +closing O closing O +text O text O +is O is O +gone O gone O +again O again O +! O ! O + +I O I O +'ve O 've O +tried O tried O +adding O adding O +the O the O +" O " O +deferWithRequire B-Library_Variable deferWithRequire O +" O " O +: O : O +" O " O +true O true O +" O " O +babel B-Library babel O +parameter O parameter O +but O but O +that O that O +made O made O +no O no O +difference O difference O +. O . O + +— O — O +You O You O +are O are O +receiving O receiving O +this O this O +because O because O +you O you O +are O are O +subscribed O subscribed O +to O to O +this O this O +thread O thread O +. O . O + +Reply O Reply O +to O to O +this O this O +email O email O +directly O directly O +, O , O +view O view O +it O it O +on O on O +GitHub B-Website GitHub O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/4 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/4 O +, O , O +or O or O +mute O mute O +the O the O +thread O thread O +https://github.com/notifications/unsubscribe-auth/AED31glnyIRYDTQvD6yT9Yp8bYmoKFgxks5uLW1jgaJpZM4VlVWw O https://github.com/notifications/unsubscribe-auth/AED31glnyIRYDTQvD6yT9Yp8bYmoKFgxks5uLW1jgaJpZM4VlVWw O + +. O . O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/5 O https://github.com/libp2p/interface-record-store/issues/5 O + +@diasdavid B-User_Name @diasdavid O +Needs O Needs O +merge O merge O +and O and O +npm B-Code_Block npm B-Code_Block +version I-Code_Block version I-Code_Block +patch I-Code_Block patch I-Code_Block + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/14 O https://github.com/rpcope1/Hantek6022API/issues/14 O + +FX2LP B-Device FX2LP O +D0-7 O D0-7 O +-> O -> O +D0-7B O D0-7B O +on O on O +the O the O +AD9288 O AD9288 O +FX2LP O FX2LP O +B0-7 O B0-7 O +-> O -> O +D0-7A O D0-7A O +on O on O +the O the O +AD9288 O AD9288 O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/4 O https://github.com/rpcope1/Hantek6022API/issues/4 O + +Added O Added O +example_linux_trezor B-File_Name example_linux_trezor B-Code_Block +, O , O +which O which O +dumps O dumps O +wav-files B-File_Type wav-files O +for O for O +16MHz O 16MHz O +captures O captures O +under O under O +Linux B-Operating_System Linux O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/31 O https://github.com/google-ar/arcore-unreal-sdk/issues/31 O + +It O It O +looks O looks O +like O like O +it O it O +crashes O crashes O +because O because O +it O it O +has O has O +a O a O +corrupted O corrupted O +AugmentedImageDatabase B-Data_Set_Name AugmentedImageDatabase O +. O . O + +Not O Not O +sure O sure O +how O how O +could O could O +that O that O +happened O happened O +though O though O +. O . O + +Can O Can O +you O you O +attach O attach O +the O the O +log O log O +when O when O +you O you O +build O build O +the O the O +application O application O +in O in O +Unreal B-Application Unreal O +editor I-Application editor O +? O ? O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/6 O https://github.com/thehyve/puppet-i2b2/issues/6 O + +There O There O +'s O 's O +one O one O +problem O problem O +with O with O +the O the O +current O current O +strategy O strategy O +for O for O +testing O testing O +if O if O +CSS B-Language CSS O +declarations O declarations O +must O must O +be O be O +added O added O +. O . O + +If O If O +a O a O +stylesheet O stylesheet O +is O is O +removed O removed O +the O the O +unless O unless O +trigger O trigger O +will O will O +not O not O +fire O fire O +, O , O +only O only O +when O when O +a O a O +stylesheet O stylesheet O +is O is O +added O added O +or O or O +replaced O replaced O +. O . O + +I O I O +should O should O +probably O probably O +fix O fix O +this O this O +by O by O +doing O doing O +a O a O +grep B-Code_Block grep O +with O with O +a O a O +multiline O multiline O +regex B-Algorithm regex O +. O . O + +Any O Any O +thoughts O thoughts O +? O ? O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/40 O https://github.com/rpcope1/Hantek6022API/issues/40 O + +Hi O Hi O +Great O Great O +you O you O +try O try O +to O to O +improve O improve O +on O on O +the O the O +official O official O +Hantek B-Organization Hantek O +firmware O firmware O +. O . O + +Apparently O Apparently O +your O your O +mod_fw_01.ihex B-File_Name mod_fw_01.ihex O +firmware O firmware O +has O has O +been O been O +applied O applied O +to O to O +the O the O +openhantek B-Application openhantek O +6022be I-Application 6022be O +branch O branch O +by O by O +swkim01 O swkim01 O +, O , O +but O but O +I O I O +see O see O +several O several O +different O different O +* B-File_Type * O +hex I-File_Type hex O +files O files O +in O in O +you O you O +repo O repo O +. O . O + +I O I O +see O see O +a O a O +stock_fw.ihex B-File_Name stock_fw.ihex O +which O which O +is O is O +the O the O +official O official O +Hantek B-Organization Hantek O +firmware O firmware O +release O release O +something O something O +. O . O + +But O But O +what O what O +about O about O +all O all O +your O your O +other O other O +hex B-File_Type hex O +files O files O +? O ? O + +Ca O Ca O +n't O n't O +you O you O +add O add O +some O some O +information O information O +about O about O +the O the O +different O different O +hex B-File_Type hex O +files O files O +( O ( O +including O including O +their O their O +API B-Library API O +) O ) O +. O . O + +I O I O +have O have O +looked O looked O +at O at O +your O your O +' O ' O +custom O custom O +' O ' O +folder O folder O +and O and O +it O it O +seems O seems O +like O like O +this O this O +, O , O +if O if O +installed O installed O +, O , O +provides O provides O +a O a O +very O very O +different O different O +API B-Library API O +not O not O +being O being O +compliant O compliant O +to O to O +the O the O +official O official O +Hantek B-Organization Hantek O +firmware O firmware O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/127 O https://github.com/svenstaro/flamejam/issues/127 O + +Yeajh O Yeajh O +, O , O +we O we O +knew O knew O +it O it O +was O was O +broken O broken O +somehow O somehow O +, O , O +but O but O +it O it O +was O was O +a O a O +dirty O dirty O +hack O hack O +anyway O anyway O +, O , O +kind O kind O +of O of O +supposed O supposed O +to O to O +break O break O +, O , O +huh O huh O +? O ? O + +But O But O +since O since O +it O it O +'s O 's O +not O not O +crucial O crucial O +to O to O +the O the O +working O working O +of O of O +the O the O +webapp O webapp O +we O we O +probably O probably O +will O will O +fix O fix O +it O it O +after O after O +the O the O +jam O jam O +. O . O + +Repository_Name O Repository_Name O +: O : O +makeen-project/makeen O makeen-project/makeen O +-hapi O -hapi O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/viczam/makeen-hapi/issues/7 O https://github.com/viczam/makeen-hapi/issues/7 O + +At O At O +the O the O +moment O moment O +makeen B-Application makeen O +is O is O +a O a O +boilerplate O boilerplate O +bundling O bundling O +together O together O +hapi B-Library hapi O +plugins O plugins O +using O using O +lerna B-Application lerna O +and O and O +having O having O +octobus B-Library octobus O +at O at O +its O its O +core O core O +as O as O +a O a O +mean O mean O +to O to O +facilitate O facilitate O +communication O communication O +between O between O +different O different O +business-related O business-related O +components O components O +. O . O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/36 O https://github.com/moxie-lean/ng-patternlab/issues/36 O + +Thank O Thank O +you O you O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/3 O https://github.com/zeroepoch/plotbitrate/issues/3 O + +When O When O +opening O opening O +multiple O multiple O +plots B-User_Interface_Element plots O +it O it O +'s O 's O +good O good O +to O to O +have O have O +them O them O +distinguished O distinguished O +by O by O +input O input O +file O file O +name O name O +. O . O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/2 O https://github.com/linked-statistics/xkos/issues/2 O + +VOAF O VOAF O +and O and O +other O other O +properties O properties O +added O added O +on O on O +the O the O +ontology O ontology O +in O in O +version O version O +0.9.7 B-Version 0.9.7 O +. O . O + +Repository_Name O Repository_Name O +: O : O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-Website O -Website O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/HackClub-SLHS/HackClub-Website/issues/11 O https://github.com/HackClub-SLHS/HackClub-Website/issues/11 O + +Main O Main O +page B-User_Interface_Element page O +is O is O +completely O completely O +rewritten O rewritten O +, O , O +although O although O +the O the O +look O look O +is O is O +as O as O +preserved O preserved O +as O as O +possible O possible O +. O . O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/5 O https://github.com/ben-eb/metalsmith-remark/issues/5 O + +Hello O Hello O +:wave O :wave O +: O : O + +:rocket::rocket::rocket O :rocket::rocket::rocket O +: O : O + +eslint B-Library eslint O +just O just O +published O published O +its O its O +new O new O +version O version O +2.0.0 B-Version 2.0.0 O +, O , O +which O which O +is O is O +not O not O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +. O . O + +If O If O +this O this O +pull O pull O +request O request O +passes O passes O +your O your O +tests O tests O +you O you O +can O can O +publish O publish O +your O your O +software O software O +with O with O +the O the O +latest O latest O +version O version O +of O of O +eslint B-Library eslint O +– O – O +otherwise O otherwise O +use O use O +this O this O +branch O branch O +to O to O +work O work O +on O on O +adaptions O adaptions O +and O and O +fixes O fixes O +. O . O + +Happy O Happy O +fixing O fixing O +and O and O +merging O merging O +:palm_tree O :palm_tree O +: O : O + +GitHub B-Website GitHub O +Release O Release O + +cc3a66b O cc3a66b O +Docs O Docs O +: O : O +Issue O Issue O +message O message O +when O when O +more O more O +info O info O +is O is O +needed O needed O +( O ( O +Nicholas B-User_Name Nicholas O +C I-User_Name C O +. I-User_Name . O +Zakas I-User_Name Zakas O +) O ) O + +2bc40fa O 2bc40fa O +Docs O Docs O +: O : O +Simplify O Simplify O +hierarchy O hierarchy O +of O of O +headings O headings O +in O in O +rule O rule O +pages B-User_Interface_Element pages O +( O ( O +Mark B-User_Name Mark O +Pedrott I-User_Name Pedrott O +i) I-User_Name i) O + +1666254 O 1666254 O +Docs O Docs O +: O : O +Add O Add O +note O note O +about O about O +only-whitespace O only-whitespace O +rule O rule O +for O for O +--fix O --fix B-Code_Block +( O ( O +fixes O fixes O +#4774 O #4774 O +) O ) O +( O ( O +Burak B-User_Name Burak O +Yigit I-User_Name Yigit O +Kaya I-User_Name Kaya O +) O ) O + +2fa09d2 O 2fa09d2 O +Docs O Docs O +: O : O +Add O Add O +quotes O quotes B-Code_Block +to O to O +related O related O +section O section O +of O of O +prefer-template O prefer-template B-Code_Block +( O ( O +fixes O fixes O +#5192 O #5192 O +) O ) O +( O ( O +Burak B-User_Name Burak O +Yigit I-User_Name Yigit O +Kaya I-User_Name Kaya O +) I-User_Name ) O + +7b12995 O 7b12995 O +Fix O Fix O +: O : O +key-spacing O key-spacing B-Code_Block +not O not O +enforcing O enforcing O +no-space O no-space O +in O in O +minimum O minimum O +mode O mode O +( O ( O +fixes O fixes O +#5008 O #5008 O +) O ) O +( O ( O +Burak B-User_Name Burak O +Yigit I-User_Name Yigit O +Kaya I-User_Name Kaya O +) O ) O + +c1c4f4d O c1c4f4d O +Breaking O Breaking O +: O : O +new O new O +no-empty-function O no-empty-function B-Code_Block +rule O rule O +( O ( O +fixes O fixes O +#5161 O #5161 O +) O ) O +( O ( O +Toru B-User_Name Toru O +Nagashima I-User_Name Nagashima O +) O ) O + +This O This O +pull O pull O +request O request O +was O was O +created O created O +by O by O +greenkeeper.io B-Application greenkeeper.io O +. O . O + +It O It O +keeps O keeps O +your O your O +software O software O +, O , O +up O up O +to O to O +date O date O +, O , O +all O all O +the O the O +time O time O +. O . O + +Tired O Tired O +of O of O +seeing O seeing O +this O this O +sponsor O sponsor O +message O message O +? O ? O + +Upgrade O Upgrade O +to O to O +the O the O +supporter O supporter O +plan O plan O +! O ! O + +You O You O +'ll O 'll O +also O also O +get O get O +your O your O +pull O pull O +requests O requests O +faster O faster O +:zap O :zap O +: O : O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/7 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/7 O + +LGTM O LGTM O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/88 O https://github.com/moxie-lean/ng-patternlab/issues/88 O + + +What O What O +kind O kind O +of O of O +change O change O +does O does O +this O this O +PR O PR O +introduce O introduce O +? O ? O + +( O ( O +Bug O Bug O +fix O fix O +, O , O +feature O feature O +, O , O +docs O docs O +update O update O +, O , O +.. O .. O +. O . O +) O ) O +You O You O +can O can O +add O add O +style O style O +inline O inline O +to O to O +the O the O +api B-Library api O +elements O elements O +. O . O + +What O What O +is O is O +the O the O +current O current O +behavior O behavior O +? O ? O + +( O ( O +You O You O +can O can O +also O also O +link O link O +to O to O +an O an O +open O open O +issue O issue O +here O here O +) O ) O +You O You O +ca O ca O +n't O n't O +see O see O +in O in O +the O the O +frontend O frontend O +the O the O +element O element O +with O with O +style O style O +inline O inline O + +What O What O +is O is O +the O the O +new O new O +behavior O behavior O +( O ( O +if O if O +this O this O +is O is O +a O a O +feature O feature O +change O change O +) O ) O +? O ? O + +You O You O +can O can O +use O use O +style O style O +inline O inline O +from O from O +the O the O +api O api O + +Does O Does O +this O this O +PR O PR O +introduce O introduce O +a O a O +breaking O breaking O +change O change O +? O ? O + +( O ( O +What O What O +changes O changes O +might O might O +users O users O +need O need O +to O to O +make O make O +in O in O +their O their O +application O application O +due O due O +to O to O +this O this O +PR O PR O +? O ? O +) O ) O + +Other O Other O +information O information O +: O : O + +Repository_Name O Repository_Name O +: O : O +CocMap/opencv_starter O CocMap/opencv_starter O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/CocMap/opencv_starter/issues/1 O https://github.com/CocMap/opencv_starter/issues/1 O + +hehe O hehe O +map O map O +dit O dit O + +Repository_Name O Repository_Name O +: O : O +jacobratkiewicz/webgraph O jacobratkiewicz/webgraph O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jacobratkiewicz/webgraph/issues/1 O https://github.com/jacobratkiewicz/webgraph/issues/1 O + +thanks O thanks O +! O ! O + +Repository_Name O Repository_Name O +: O : O +TMaluleke/hello O TMaluleke/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/TMaluleke/hello-world/issues/1 O https://github.com/TMaluleke/hello-world/issues/1 O + +Adding O Adding O +changes O changes O +to O to O +README B-File_Name README O +file O file O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/39 O https://github.com/koding/kd-atom/issues/39 O + +This O This O +PR O PR O +makes O makes O +sure O sure O +that O that O +js B-Language js B-Code_Block +files O files O +under O under O +lib B-File_Name lib B-Code_Block +folder O folder O +are O are O +formatted O formatted O +via O via O +prettier B-Application prettier B-Code_Block +on O on O +precommit B-Library precommit B-Code_Block +hook I-Library hook O +. O . O + +it O it O +uses O uses O +lint-staged B-Library lint-staged B-Code_Block +module O module O +in O in O +collaboration O collaboration O +with O with O +husky B-Library husky B-Code_Block +module O module O +to O to O +run O run O +the O the O +following O following O +command O command O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_39748 I-Code_Block GR_39748 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +significantly O significantly O +increases O increases O +the O the O +time O time O +while O while O +we O we O +are O are O +committing O committing O +since O since O +it O it O +checks O checks O +all O all O +js B-Language js B-Code_Block +files O files O +under O under O +it O it O +, O , O +but O but O +it O it O +'s O 's O +the O the O +best O best O +way O way O +to O to O +make O make O +sure O sure O +that O that O +the O the O +code O code O +is O is O +formatted O formatted O +correctly O correctly O +. O . O + +Repository_Name O Repository_Name O +: O : O +cjcliffe/CubicSDR O cjcliffe/CubicSDR O +-flatpak O -flatpak O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/cjcliffe/CubicSDR-flatpak/issues/1 O https://github.com/cjcliffe/CubicSDR-flatpak/issues/1 O + +Merged O Merged O +now O now O +; O ; O +thanks O thanks O +! O ! O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/1 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/1 O + +With O With O +semantic O semantic O +releases O releases O +. O . O + +Repository_Name O Repository_Name O +: O : O +foolhardy1729/hello O foolhardy1729/hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/foolhardy1729/hello-world O https://github.com/foolhardy1729/hello-world O + +hello-world O hello-world O + +come O come O +as O as O +you O you O +are O are O +as O as O +a O a O +friend O friend O +as O as O +a O a O +known O known O +enemy O enemy O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/3 O https://github.com/libp2p/interface-record-store/issues/3 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +welcome O welcome O +to O to O +automated O automated O +dependency O dependency O +management O management O +with O with O +Greenkeeper B-Application Greenkeeper O +. O . O + +To O To O +take O take O +full O full O +advantage O advantage O +of O of O +this O this O +service O service O +I O I O +recommend O recommend O +to O to O +start O start O +out O out O +with O with O +up-to-date O up-to-date O +dependencies O dependencies O +. O . O + +I O I O +just O just O +updated O updated O +all O all O +the O the O +dependencies O dependencies O +in O in O +the O the O +package.json B-File_Name package.json B-Code_Block +file O file O +in O in O +one O one O +go O go O +. O . O + +Please O Please O +look O look O +into O into O +these O these O +changes O changes O +and O and O +make O make O +sure O sure O +your O your O +project O project O +still O still O +works O works O +with O with O +them O them O +applied O applied O +. O . O + +If O If O +you O you O +ca O ca O +n't O n't O +update O update O +everything O everything O +right O right O +now O now O +that O that O +'s O 's O +fine O fine O +as O as O +well O well O +. O . O + +We O We O +'ll O 'll O +get O get O +there O there O +over O over O +time O time O +. O . O + +Now O Now O +that O that O +you O you O +told O told O +me O me O +to O to O +monitor O monitor O +this O this O +project O project O +I O I O +'ll O 'll O +create O create O +a O a O +branch O branch O +for O for O +every O every O +dependency O dependency O +update O update O +, O , O +with O with O +the O the O +new O new O +version O version O +applied O applied O +. O . O + +The O The O +branch O branch O +creation O creation O +should O should O +trigger O trigger O +your O your O +testing O testing O +services O services O +to O to O +check O check O +the O the O +new O new O +version O version O +. O . O + +Using O Using O +the O the O +results O results O +of O of O +these O these O +tests O tests O +I O I O +'ll O 'll O +try O try O +to O to O +open O open O +meaningful O meaningful O +and O and O +helpful O helpful O +pull O pull O +requests O requests O +, O , O +so O so O +your O your O +dependencies O dependencies O +remain O remain O +working O working O +and O and O +up-to-date O up-to-date O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_17076 I-Code_Block GR_17076 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +the O the O +above O above O +example O example O +you O you O +can O can O +see O see O +an O an O +in-range O in-range O +update O update O +. O . O + +1.7.0 B-Version 1.7.0 B-Code_Block +is O is O +included O included O +in O in O +the O the O +old O old O +^ B-Version ^ B-Code_Block +1.6.0 I-Version 1.6.0 I-Code_Block +range O range O +, O , O +because O because O +of O of O +the O the O +caret O caret O +^ O ^ B-Code_Block +character O character O +. O . O + +When O When O +there O there O +is O is O +a O a O +failure O failure O +reported O reported O +for O for O +the O the O +update O update O +I O I O +'ll O 'll O +create O create O +a O a O +pull O pull O +request O request O +so O so O +you O you O +know O know O +about O about O +the O the O +problem O problem O +immediately O immediately O +. O . O + +When O When O +it O it O +reports O reports O +success O success O +I O I O +'ll O 'll O +delete O delete O +the O the O +branch O branch O +again O again O +, O , O +because O because O +no O no O +action O action O +needs O needs O +to O to O +be O be O +taken O taken O +– O – O +everything O everything O +is O is O +fine O fine O +. O . O + +This O This O +way O way O +every O every O +single O single O +version O version O +update O update O +of O of O +your O your O +dependencies O dependencies O +will O will O +either O either O +continue O continue O +to O to O +work O work O +with O with O +your O your O +project O project O +, O , O +or O or O +you O you O +'ll O 'll O +get O get O +to O to O +know O know O +of O of O +potential O potential O +problems O problems O +immediately O immediately O +:sparkles O :sparkles O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_17077 I-Code_Block GR_17077 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +this O this O +example O example O +the O the O +new O new O +version O version O +4.0.0 B-Version 4.0.0 B-Code_Block +is O is O +not O not O +included O included O +in O in O +the O the O +old O old O +^ B-Version ^ B-Code_Block +3.0.0 I-Version 3.0.0 I-Code_Block +range O range O +. O . O + +For O For O +version O version O +updates O updates O +like O like O +these O these O +– O – O +let O let O +'s O 's O +call O call O +them O them O +" O " O +out O out O +of O of O +range O range O +" O " O +updates O updates O +– O – O +you O you O +'ll O 'll O +receive O receive O +a O a O +pull O pull O +request O request O +right O right O +away O away O +. O . O + +Now O Now O +you O you O +no O no O +longer O longer O +need O need O +to O to O +check O check O +for O for O +exciting O exciting O +new O new O +versions O versions O +by O by O +hand O hand O +– O – O +I O I O +'ll O 'll O +just O just O +let O let O +you O you O +know O know O +automatically O automatically O +. O . O + +And O And O +the O the O +pull O pull O +request O request O +will O will O +not O not O +only O only O +serve O serve O +as O as O +a O a O +reminder O reminder O +to O to O +update O update O +. O . O + +In O In O +case O case O +it O it O +passes O passes O +your O your O +decent O decent O +test O test O +suite O suite O +that O that O +'s O 's O +a O a O +strong O strong O +reason O reason O +to O to O +merge O merge O +right O right O +away O away O +:shipit O :shipit O +: O : O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +of O of O +course O course O +you O you O +may O may O +always O always O +ask O ask O +my O my O +humans O humans O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +and O and O +see O see O +you O you O +soon O soon O +:sparkles O :sparkles O +: O : O + +:palm_tree O :palm_tree O +: O : O + +This O This O +pull O pull O +request O request O +was O was O +created O created O +by O by O +greenkeeper.io B-Website greenkeeper.io O +. O . O + +Tired O Tired O +of O of O +seeing O seeing O +this O this O +sponsor O sponsor O +message O message O +? O ? O + +:zap O :zap O +: O : O +greenkeeper B-Code_Block greenkeeper B-Code_Block +upgrade I-Code_Block upgrade I-Code_Block + +Repository_Name O Repository_Name O +: O : O +Forneus/programmering O Forneus/programmering O +-a-inlamningar O -a-inlamningar O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Forneus/programmering-a-inlamningar/issues/11 O https://github.com/Forneus/programmering-a-inlamningar/issues/11 O + +Jag O Jag O +har O har O +redan O redan O +skrivit O skrivit O +detta O detta O +som O som O +kommentar O kommentar O +till O till O +din O din O +commit O commit O +. O . O + +Lägg O Lägg O +till O till O +dessa O dessa O +rader O rader O +i O i O +din O din O +egen O egen O +kod O kod O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57536 I-Code_Block GR_57536 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Detta O Detta O +är O är O +nytt O nytt O + +Detta O Detta O +är O är O +vad O vad O +jag O jag O +skrev O skrev O +för O för O +att O att O +testa O testa O +hur O hur O +man O man O +kan O kan O +rita O rita O +noter O noter O +: O : O + +draw.setCurFont("Code2001") O draw.setCurFont("Code2001") O +; O ; O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57537 I-Code_Block GR_57537 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +dbarrosop/gobgp O dbarrosop/gobgp O +-grpc-demo O -grpc-demo O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dbarrosop/gobgp-grpc-demo/issues/1 O https://github.com/dbarrosop/gobgp-grpc-demo/issues/1 O + +They O They O +probably O probably O +changed O changed O +the O the O +API B-Library API O +since O since O +a O a O +year O year O +ago O ago O +. O . O + +I O I O +'d O 'd O +suggest O suggest O +either O either O +updating O updating O +the O the O +code O code O +in O in O +add_path.py B-File_Name add_path.py B-Code_Block +or O or O +making O making O +sure O sure O +you O you O +are O are O +running O running O +the O the O +gobgp B-Application gobgp O +version O version O +that O that O +was O was O +in O in O +" O " O +master B-File_Name master O +" O " O +at O at O +the O the O +time O time O +of O of O +the O the O +blogpost O blogpost O +. O . O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/4 O https://github.com/moso/flexgrid/issues/4 O + +Fixed O Fixed O +in O in O +c2bad240930c79e0e01442dbaecab69c56668f79 O c2bad240930c79e0e01442dbaecab69c56668f79 O + +Repository_Name O Repository_Name O +: O : O +jamstooks/django O jamstooks/django O +-acme-challenge O -acme-challenge O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jamstooks/django-acme-challenge/issues/3 O https://github.com/jamstooks/django-acme-challenge/issues/3 O + +Hi O Hi O +@MelvinDRM B-User_Name @MelvinDRM O +, O , O + +Are O Are O +your O your O +environment O environment O +variables O variables O +set O set O +up O up O +properly O properly O +? O ? O + +These O These O +are O are O +environment O environment O +variables O variables O +on O on O +the O the O +system O system O +, O , O +not O not O +just O just O +django B-Library django O +settings O settings O +variables O variables O +.. O .. O +. O . O + +If O If O +you O you O +'re O 're O +using O using O +linux B-Operating_System linux O +.. O .. O +. O . O + +Confirm O Confirm O +they O they O +'re O 're O +set O set O +properly O properly O +with O with O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_39911 I-Code_Block GR_39911 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +they O they O +are O are O +n't O n't O +, O , O +you O you O +'ll O 'll O +need O need O +to O to O +set O set O +them O them O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_39912 I-Code_Block GR_39912 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/21 O https://github.com/moxie-lean/ng-patternlab/issues/21 O + +dupe O dupe O +#20 O #20 O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/4 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/4 O + +After O After O +experimenting O experimenting O +a O a O +bit O bit O +more O more O +, O , O +I O I O +'m O 'm O +thoroughly O thoroughly O +confused O confused O +by O by O +this O this O +bug O bug O +. O . O + +Sometimes O Sometimes O +it O it O +works O works O +, O , O +sometimes O sometimes O +it O it O +wont O wont O +compile O compile O +. O . O + +Even O Even O +with O with O +3.1.3 B-Version 3.1.3 O +sometimes O sometimes O +it O it O +wont O wont O +compile O compile O +. O . O + +Then O Then O +sometimes O sometimes O +if O if O +I O I O +remove O remove O +the O the O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_44747 I-Code_Block GR_44747 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +from O from O +my O my O +package.json B-File_Name package.json O +then O then O +it O it O +will O will O +compile O compile O +, O , O +but O but O +if O if O +I O I O +add O add O +them O them O +straight O straight O +back O back O +it O it O +wont O wont O +! O ! O +! O ! O + +There O There O +seems O seems O +to O to O +be O be O +some O some O +weird O weird O +babel B-Library babel O +caching O caching O +going O going O +on O on O +but O but O +that O that O +'s O 's O +beyond O beyond O +me O me O +. O . O + +The O The O +common O common O +theme O theme O +though O though O +, O , O +if O if O +it O it O +wont O wont O +compile O compile O +, O , O +then O then O +it O it O +'s O 's O +because O because O +it O it O +has O has O +either O either O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_44748 I-Code_Block GR_44748 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +or O or O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_44749 I-Code_Block GR_44749 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +I O I O +replace O replace O +the O the O +defer B-Variable_Name defer B-Code_Block +or O or O +if O if B-Code_Block +with O with O +something O something O +else O else O +, O , O +say O say O +foo B-Variable_Name foo B-Code_Block +, O , O +click B-Variable_Name click B-Code_Block +or O or O +remove O remove O +the O the O +b B-Code_Block b B-Code_Block += I-Code_Block = I-Code_Block +" I-Code_Block " I-Code_Block +defer I-Code_Block defer I-Code_Block +: I-Code_Block : I-Code_Block +true I-Code_Block true I-Code_Block +" I-Code_Block " I-Code_Block +completely O completely O +then O then O +it O it O +will O will O +compile O compile O +again O again O +, O , O +with O with O +any O any O +version O version O +. O . O + +Are O Are O +you O you O +able O able O +to O to O +reproduce O reproduce O +this O this O +bug O bug O +with O with O +my O my O +repro O repro O +? O ? O + +Sorry O Sorry O +, O , O +my O my O +repro O repro O +was O was O +zipped O zipped O +with O with O +the O the O +defer B-Variable_Name defer B-Code_Block +replaced O replaced O +with O with O +ddefer B-Variable_Name ddefer B-Code_Block +, O , O +so O so O +you O you O +may O may O +not O not O +have O have O +experienced O experienced O +the O the O +bug O bug O +with O with O +the O the O +repro O repro O +as O as O +it O it O +was O was O +. O . O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/2 O https://github.com/lbarasti/gps_app/issues/2 O + +Added O Added O +basic O basic O +history O history O +to O to O +data O data O +store O store O +- O - O +but O but O +every O every O +time O time O +I O I O +tried O tried O +to O to O +check O check O +the O the O +length O length O +or O or O +take/drop O take/drop O +on O on O +the O the O +array B-Data_Structure array O +the O the O +server O server O +would O would O +crash O crash O +. O . O + +See O See O +server.rb B-File_Name server.rb O +line O line O +90 O 90 O +to O to O +95 O 95 O +for O for O +the O the O +TODO O TODO O +. O . O + +NB O NB O +: O : O +should O should O +not O not O +go O go O +to O to O +prod O prod O +server O server O +yet O yet O +as O as O +currently O currently O +the O the O +history O history O +arrays B-Data_Structure arrays O +are O are O +not O not O +limited O limited O +in O in O +size O size O +and O and O +so O so O +some O some O +sort O sort O +of O of O +memry O memry O +issue O issue O +will O will O +occur O occur O +.. O .. O +. O . O +? O ? O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/7 O https://github.com/contributte/logging/issues/7 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_63067 I-Code_Block GR_63067 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +danishshaikh556/BST O danishshaikh556/BST O +-Algorithms O -Algorithms O + +Repository_Link O Repository_Link O +: O : O +https://github.com/danishshaikh556/BST-Algorithms O https://github.com/danishshaikh556/BST-Algorithms O + +BST-Algorithms O BST-Algorithms O + +Various O Various O +BST B-Data_Structure BST O +Questions O Questions O +implemented O implemented O +in O in O +Java B-Language Java O + +1) O 1) O +Check O Check O +if O if O +a O a O +tree B-Data_Structure tree O +is O is O +a O a O +Mirror O Mirror O +Image O Image O + +2) O 2) O +Given O Given O +Inorder B-Algorithm Inorder O +and O and O +Pre B-Algorithm Pre O +Order I-Algorithm Order O +traversal I-Algorithm traversal O +construct O construct O +a O a O +BST B-Data_Structure BST O + +3) O 3) O +Height/Depth O Height/Depth O +of O of O +a O a O +tree B-Data_Structure tree O + +4) O 4) O +Given O Given O +a O a O +sorted O sorted O +array B-Data_Structure array O +create O create O +a O a O +BST B-Data_Structure BST O +with O with O +minimal O minimal O +height O height O + +5 O 5 O +) O ) O +Balance O Balance O +tree B-Data_Structure tree O +ie O ie O +Check O Check O +if O if O +a O a O +tree B-Data_Structure tree O +is O is O +balanced O balanced O + +note O note O +a O a O +tree B-Data_Structure tree O +is O is O +balanced O balanced O +if O if O +the O the O +ht O ht O +of O of O +the O the O +left O left O +subtree B-Data_Structure subtree O +and O and O +the O the O +rt O rt O +subtree B-Data_Structure subtree O +differ O differ O +by O by O +1 O 1 O +atmost O atmost O + +6 O 6 O +) O ) O +Check O Check O +if O if O +a O a O +tree B-Data_Structure tree O +is O is O +a O a O +valid O valid O +BST B-Data_Structure BST O +. O . O + +7 O 7 O +) O ) O +Common B-Algorithm Common O +ancestor I-Algorithm ancestor O +problem O problem O +. O . O + +Repository_Name O Repository_Name O +: O : O +surol/speedtest O surol/speedtest O +-cli O -cli O + +Repository_Link O Repository_Link O +: O : O +https://github.com/surol/speedtest-cli O https://github.com/surol/speedtest-cli O + +speedtest.net B-Application speedtest.net O +CLI I-Application CLI O + +This O This O +is O is O +a O a O +simple O simple O +command O command O +line O line O +client O client O +to O to O +speedtest.net B-Application speedtest.net O +written O written O +in O in O +Go B-Language Go O +. O . O + +It O It O +is O is O +a O a O +direct O direct O +port O port O +from O from O +https://github.com/sivel/speedtest-cli O https://github.com/sivel/speedtest-cli O +written O written O +in O in O +Python B-Language Python O +. O . O + +It O It O +lacks O lacks O +some O some O +of O of O +the O the O +features O features O +though O though O +, O , O +e.g O e.g O +. O . O + +-mini B-Code_Block -mini B-Code_Block +and O and O +-share B-Code_Block -share B-Code_Block +options O options O +are O are O +not O not O +supported O supported O +. O . O + +Installation O Installation O + +Run O Run O +te O te O +following O following O +commands O commands O +in O in O +console B-Application console O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_152546 I-Code_Block GR_152546 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Usage O Usage O + +Without O Without O +any O any O +arguments O arguments O +speedtest-cli B-Application speedtest-cli B-Code_Block +tests O tests O +the O the O +speed O speed O +against O against O +the O the O +closest O closest O +server B-Application server O +with O with O +the O the O +lowest O lowest O +latency O latency O +. O . O + +The O The O +following O following O +command O command O +line O line O +options O options O +are O are O +available O available O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_152547 I-Code_Block GR_152547 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/2 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/2 O + +Pick O Pick O +up O up O +viewmodel-react-plugin B-Library viewmodel-react-plugin B-Code_Block +3.0.5 B-Version 3.0.5 I-Code_Block +and O and O +let O let O +me O me O +know O know O +if O if O +anything O anything O +. O . O + +Thanks O Thanks O +! O ! O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/5 O https://github.com/koding/kd-atom/issues/5 O + + +all O all O +remote O remote O +calls O calls O +should O should O +be O be O +measured O measured O + +a O a O +checkbox B-User_Interface_Element checkbox O +should O should O +be O be O +put O put O +in O in O +the O the O +package B-User_Interface_Element package O +settings I-User_Interface_Element settings O +screen I-User_Interface_Element screen O +to O to O +turn O turn O +it O it O +on O on O +and O and O +off O off O + +it O it O +'s O 's O +important O important O +to O to O +keep O keep O +the O the O +location O location O +data O data O +and O and O +the O the O +duration O duration O +of O of O +the O the O +calls O calls O +to O to O +improve O improve O +the O the O +service O service O +. O . O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/16 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/16 O + +Fixes O Fixes O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/15 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/15 O + +@suyograo B-Library_Variable @suyograo O +@jordansissel B-User_Name @jordansissel O +any O any O +chance O chance O +I O I O +can O can O +get O get O +a O a O +review O review O +here O here O +? O ? O + +Repository_Name O Repository_Name O +: O : O +cjcliffe/CubicSDR O cjcliffe/CubicSDR O +-flatpak O -flatpak O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/cjcliffe/CubicSDR-flatpak/issues/3 O https://github.com/cjcliffe/CubicSDR-flatpak/issues/3 O + +@casept B-User_Name @casept O +looks O looks O +good O good O +; O ; O +thanks O thanks O +for O for O +the O the O +contribution O contribution O +! O ! O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/117 O https://github.com/katzer/cordova-plugin-background-mode/issues/117 O + +David B-User_Name David O +, O , O +That O That O +'s O 's O +super O super O +helpful O helpful O +. O . O + +Thank O Thank O +you O you O +for O for O +the O the O +quick O quick O +reply O reply O +! O ! O + +I O I O +have O have O +a O a O +feeling O feeling O +I O I O +know O know O +where O where O +to O to O +look O look O +in O in O +our O our O +app O app O +. O . O + +Best O Best O +, O , O + +Tom B-User_Name Tom O + +On O On O +Mon O Mon O +, O , O +Dec O Dec O +14 O 14 O +, O , O +2015 O 2015 O +at O at O +3:50 O 3:50 O +PM O PM O +David B-User_Name David O +notifications@github.com O notifications@github.com O +wrote O wrote O +: O : O + +Actually O Actually O +the O the O +problem O problem O +was O was O +n't O n't O +in O in O +the O the O +plugin O plugin O +. O . O + +The O The O +problem O problem O +was O was O +that O that O +when O when O +my O my O +app O app O +entered O entered O +in O in O +bkg O bkg O +mode O mode O +it O it O +was O was O +using O using O +some O some O +interface O interface O +resources O resources O +and O and O +iOS B-Operating_System iOS O +9 B-Version 9 O +now O now O +kill O kill O +all O all O +process O process O +that O that O +consume O consume O +resources O resources O +in O in O +bkg O bkg O +mode O mode O +. O . O + +See O See O +if O if O +your O your O +app O app O +is O is O +using O using O +graphic O graphic O +resources O resources O +or O or O +another O another O +kind O kind O +of O of O +non-sound O non-sound O +resources O resources O +in O in O +bkg O bkg O +mode O mode O +. O . O + +— O — O +Reply O Reply O +to O to O +this O this O +email O email O +directly O directly O +or O or O +view O view O +it O it O +on O on O +GitHub B-Organization GitHub O +https://github.com/katzer/cordova-plugin-background-mode/issues/117#issuecomment-164597245 O https://github.com/katzer/cordova-plugin-background-mode/issues/117#issuecomment-164597245 O +. O . O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/35 O https://github.com/rpcope1/Hantek6022API/issues/35 O + +Hey O Hey O +@jhoenicke B-User_Name @jhoenicke O +, O , O +thank O thank O +you O you O +for O for O +helping O helping O +. O . O + +I O I O +'m O 'm O +a O a O +colleague O colleague O +of O of O +piotx B-User_Name piotx O +and O and O +I O I O +'ve O 've O +had O had O +the O the O +time O time O +to O to O +do O do O +some O some O +more O more O +testing O testing O +on O on O +the O the O +oscilloscope B-Device oscilloscope O +. O . O + +When O When O +I O I O +tried O tried O +to O to O +apply O apply O +your O your O +patch O patch O +, O , O +I O I O +got O got O +an O an O +error O error O +at O at O +line O line O +69 O 69 O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_47980 I-Code_Block GR_47980 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'ve O 've O +also O also O +come O come O +to O to O +the O the O +conclusion O conclusion O +, O , O +that O that O +the O the O +sample_rate B-Library_Variable sample_rate O +or O or O +better O better O +the O the O +data-point-creation-rate B-Library_Variable data-point-creation-rate O +is O is O +always O always O +24*10⁶ O 24*10⁶ O +data O data O +points O points O +per O per O +second O second O +. O . O + +When O When O +I O I O +change O change O +the O the O +sample O sample O +rate O rate O +to O to O +0x14 O 0x14 O +( O ( O +equals O equals O +" O " O +200 O 200 O +KS/s O KS/s O +" O " O +) O ) O +and O and O +record O record O +2 O 2 O +seconds O seconds O +, O , O +I O I O +'ve O 've O +got O got O +48M O 48M O +datapoints O datapoints O +. O . O + +I O I O +'ve O 've O +noticed O noticed O +, O , O +that O that O +in O in O +my O my O +case O case O +( O ( O +Voltrage O Voltrage O +range O range O +-2.5V O -2.5V O +to O to O ++ O + O +2.5V O 2.5V O +) O ) O +the O the O +actual O actual O +sample O sample O +rate O rate O +is O is O +200kS O 200kS O +, O , O +but O but O +there O there O +are O are O +added O added O +useless O useless O +data O data O +points O points O +with O with O +value O value O +" O " O +-2.5 O -2.5 O +" O " O +. O . O + +So O So O +when O when O +I O I O +apply O apply O +a O a O +work-around O work-around O +to O to O +delete O delete O +these O these O +values O values O +, O , O +I O I O +'m O 'm O +left O left O +with O with O +a O a O +fine O fine O +recording O recording O +. O . O + +The O The O +other O other O +problem O problem O +is O is O +, O , O +that O that O +every O every O +second O second O +the O the O +deque O deque O +is O is O +filled O filled O +with O with O +24 O 24 O +millions O millions O +of O of O +points O points O +, O , O +so O so O +when O when O +I O I O +#m O #m O +recording O recording O +10 O 10 O +seconds O seconds O +, O , O +240 O 240 O +million O million O +datapoints O datapoints O +need O need O +to O to O +be O be O +processed O processed O +, O , O +although O although O +I O I O +just O just O +need O need O +e.g O e.g O +. O . O + +with O with O +200Ks O 200Ks O +only O only O +400.000 O 400.000 O +data O data O +points O points O +. O . O + +So O So O +the O the O +limit O limit O +on O on O +my O my O +computer B-Device computer O +is O is O +around O around O +15 O 15 O +seconds O seconds O +- O - O +he O he O +needs O needs O +like O like O +a O a O +minute O minute O +to O to O +save O save O +the O the O +data O data O +. O . O + +Any O Any O +longer O longer O +time O time O +period O period O +results O results O +in O in O +a O a O +program O program O +crash O crash O +. O . O + +Generally O Generally O +I O I O +just O just O +want O want O +to O to O +record O record O +data O data O +for O for O +about O about O +2 O 2 O +minutes O minutes O +with O with O +a O a O +sample O sample O +rate O rate O +of O of O +200-500Ks O 200-500Ks O +for O for O +both O both O +channels O channels O +simultaneously O simultaneously O +and O and O +write O write O +the O the O +values O values O +into O into O +a O a O +file O file O +. O . O + +Plotting O Plotting O +and O and O +calculating O calculating O +then O then O +is O is O +done O done O +with O with O +R B-Language R O +. O . O +Do O Do O +you O you O +think O think O +, O , O +that O that O +would O would O +be O be O +possible O possible O +? O ? O + +I O I O +would O would O +be O be O +very O very O +glad O glad O +, O , O +if O if O +you O you O +could O could O +take O take O +a O a O +look O look O +on O on O +that O that O +problem O problem O +:) O :) O + +And O And O +here O here O +my O my O +current O current O +code O code O +for O for O +deleting O deleting O +the O the O +useless O useless O +values O values O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_47981 I-Code_Block GR_47981 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +dbarrosop/gobgp O dbarrosop/gobgp O +-grpc-demo O -grpc-demo O + +Repository_Link O Repository_Link O +: O : O +https://github.com/dbarrosop/gobgp-grpc-demo O https://github.com/dbarrosop/gobgp-grpc-demo O + +Requirements O Requirements O + +docker B-Application docker O + +docker-compose B-Library docker-compose O +2.1 I-Library 2.1 O + +Instructions O Instructions O + +In O In O +this O this O +demo O demo O +we O we O +are O are O +going O going O +to O to O +set O set O +two O two O +gobgp B-Application gobgp O +instances O instances O +, O , O +configure O configure O +them O them O +so O so O +they O they O +peer O peer O +with O with O +each O each O +other O other O +, O , O +deploy O deploy O +policies O policies O +to O to O +them O them O +and O and O +manipulate O manipulate O +their O their O +RIBs B-Library RIBs O +. O . O + +All O All O +the O the O +operations O operations O +will O will O +be O be O +performed O performed O +from O from O +a O a O +control O control O +machine O machine O +using O using O +gobgp B-Application gobgp O +'s O 's O +grpc I-Application grpc O +interface I-Application interface O +( O ( O +excluding O excluding O +some O some O +show O show O +operations O operations O +due O due O +to O to O +lack O lack O +of O of O +time O time O +) O ) O +. O . O + +Setting O Setting O +the O the O +environment O environment O + +Build O Build O +all O all O +necessary O necessary O +containers O containers O +and O and O +start O start O +the O the O +environment O environment O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217680 I-Code_Block GR_217680 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Open O Open O +three O three O +terminal B-Application terminal O +and O and O +connect O connect O +to O to O +each O each O +container O container O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217681 I-Code_Block GR_217681 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Configuring O Configuring O +BGP B-Application BGP O +peering O peering O + +On O On O +the O the O +control O control O +machine O machine O +, O , O +verify O verify O +we O we O +do O do O +n't O n't O +have O have O +any O any O +peers O peers O +on O on O +any O any O +of O of O +the O the O +devices O devices O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217682 I-Code_Block GR_217682 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +let O let O +'s O 's O +add O add O +them O them O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217683 I-Code_Block GR_217683 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +let O let O +'s O 's O +verify O verify O +they O they O +are O are O +configured O configured O +and O and O +sessions O sessions O +are O are O +established O established O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217684 I-Code_Block GR_217684 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Deploying O Deploying O +policies O policies O + +We O We O +are O are O +going O going O +to O to O +deploy O deploy O +a O a O +policy O policy O +from O from O +our O our O +control O control O +machine O machine O +to O to O +gobgp_1 B-Application gobgp_1 B-Code_Block +. O . O + +The O The O +policy O policy O +should O should O +do O do O +the O the O +following O following O +: O : O + +If O If O +community B-Variable_Name community O +65000:1 O 65000:1 O +is O is O +present O present O +export O export O +the O the O +route O route O + +If O If O +community B-Variable_Name community O +65000:666 O 65000:666 O +do O do O +n't O n't O +export O export O +the O the O +route O route O +even O even O +if O if O +community B-Variable_Name community O +65000:1 O 65000:1 O +is O is O +set O set O + +Do O Do O +n't O n't O +export O export O +routes O routes O +by O by O +default O default O + +First O First O +, O , O +let O let O +'s O 's O +connect O connect O +to O to O +gobgp_1 B-Application gobgp_1 B-Code_Block +and O and O +gobgp_2 B-Application gobgp_2 B-Code_Block +to O to O +verify O verify O +we O we O +do O do O +n't O n't O +have O have O +any O any O +policies O policies O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217685 I-Code_Block GR_217685 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +let O let O +'s O 's O +deploy O deploy O +policies O policies O +on O on O +gobgp_1 B-Application gobgp_1 B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217686 I-Code_Block GR_217686 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +we O we O +can O can O +fo O fo O +back O back O +to O to O +gobgp_1 B-Application gobgp_1 B-Code_Block +and O and O +verify O verify O +the O the O +policies O policies O +were O were O +deployed O deployed O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217687 I-Code_Block GR_217687 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Manipulating O Manipulating O +the O the O +RIB B-Library RIB O + +Now O Now O +we O we O +are O are O +going O going O +to O to O +manipulate O manipulate O +the O the O +RIB B-Library RIB O +of O of O +gobgp_1 B-Application gobgp_1 B-Code_Block +and O and O +verify O verify O +the O the O +policy O policy O +we O we O +deployed O deployed O +is O is O +working O working O +as O as O +expected O expected O +. O . O + +Let O Let O +'s O 's O +start O start O +by O by O +verifying O verifying O +we O we O +have O have O +no O no O +routes O routes O +on O on O +our O our O +RIB B-Library RIB O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217688 I-Code_Block GR_217688 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +, O , O +on O on O +the O the O +control O control O +machine O machine O +, O , O +let O let O +'s O 's O +deploy O deploy O +a O a O +route O route O +on O on O +gobgp_1`s B-Application gobgp_1`s B-Code_Block +RIB B-Library RIB O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217689 I-Code_Block GR_217689 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Let O Let O +'s O 's O +go O go O +back O back O +to O to O +gobgp_1 B-Application gobgp_1 B-Code_Block +and O and O +see O see O +if O if O +it O it O +'s O 's O +there O there O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217690 I-Code_Block GR_217690 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +As O As O +you O you O +can O can O +see O see O +it O it O +'s O 's O +there O there O +and O and O +it O it O +'s O 's O +locally O locally O +generated O generated O +. O . O + +Let O Let O +'s O 's O +see O see O +if O if O +it O it O +'s O 's O +being O being O +experted O experted O +to O to O + +gobgp_2 B-Application gobgp_2 B-Code_Block +as O as O +per O per O +the O the O +policy O policy O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217691 I-Code_Block GR_217691 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +There O There O +it O it O +is O is O +. O . O + +Let O Let O +'s O 's O +go O go O +back O back O +to O to O +the O the O +control O control O +machine O machine O +and O and O +set O set O +the O the O +community B-Variable_Name community O +65000:666 O 65000:666 O +to O to O +filter O filter O +it O it O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217692 I-Code_Block GR_217692 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +let O let O +'s O 's O +go O go O +to O to O +gobgp_1 B-Application gobgp_1 B-Code_Block +and O and O +verify O verify O +the O the O +community B-Variable_Name community O +is O is O +set O set O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217693 I-Code_Block GR_217693 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +, O , O +finally O finally O +, O , O +let O let O +'s O 's O +see O see O +if O if O +the O the O +route O route O +is O is O +gone O gone O +from O from O +gobgp_2 B-Application gobgp_2 B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_217694 I-Code_Block GR_217694 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Done O Done O +, O , O +we O we O +have O have O +performed O performed O +operations O operations O +on O on O +multiple O multiple O +devices O devices O +using O using O +gobgp B-Application gobgp O +'s O 's O +grpc I-Application grpc O +interface I-Application interface O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Repository_Link O Repository_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed O https://github.com/mfellner/webpack-sandboxed O + + +webpack-sandboxed B-Application webpack-sandboxed O + +Webpack B-Application Webpack O +in O in O +a O a O +sandbox O sandbox O +. O . O + +Run O Run O +webpack B-Application webpack O +on O on O +a O a O +in-memory O in-memory O +file O file O +system O system O +, O , O +reading O reading O +from O from O +a O a O +source O source O +string B-Data_Type string O +and O and O +outputting O outputting O +results O results O +as O as O +strings B-Data_Type strings O +again O again O +. O . O + +This O This O +is O is O +useful O useful O +when O when O +using O using O +webpack B-Application webpack O +for O for O +compiling O compiling O +bundles O bundles O +on O on O +the O the O +fly O fly O +, O , O +e.g O e.g O +. O . O + +on O on O +a O a O +web O web O +server B-Application server O +. O . O + +Usage O Usage O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_16288 I-Code_Block GR_16288 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +API B-Library API O + +** O ** O +webpackSandboxed B-Code_Block webpackSandboxed B-Code_Block +( I-Code_Block ( I-Code_Block +options B-Code_Block options B-Code_Block +: I-Code_Block : I-Code_Block +Options I-Code_Block Options I-Code_Block +) I-Code_Block ) I-Code_Block +: B-Code_Block : B-Code_Block +WebpackRunner** I-Code_Block WebpackRunner** I-Code_Block + +Create O Create O +a O a O +new O new O +instance O instance O +of O of O +WebpackRunner B-Library_Class WebpackRunner B-Code_Block +. O . O + +** O ** O +Options** B-Code_Block Options** B-Code_Block + +Options O Options O +to O to O +configure O configure O +webpack B-Application webpack O +and O and O +webpack B-Application webpack O +sandboxed I-Application sandboxed O +. O . O + +config B-Code_Block config B-Code_Block +? I-Code_Block ? I-Code_Block + +: B-Code_Block : B-Code_Block +webpack.Configuration I-Code_Block webpack.Configuration I-Code_Block +– O – O +webpack B-Application webpack O +configuration O configuration O + +packages B-Library_Variable packages B-Code_Block +? I-Library_Variable ? I-Code_Block +: I-Library_Variable : I-Code_Block +string[] I-Library_Variable string[] I-Code_Block +– O – O +A O A O +list O list O +of O of O +node_modules O node_modules O +to O to O +load O load O +into O into O +the O the O +virtual O virtual O +file O file O +system O system O +. O . O + +includes B-Library_Variable includes B-Code_Block +? I-Library_Variable ? I-Code_Block +: I-Library_Variable : I-Code_Block +string[] I-Library_Variable string[] I-Code_Block +– O – O +A O A O +list O list O +of O of O +directories O directories O +to O to O +add O add O +to O to O +the O the O +virtual O virtual O +file O file O +system O system O +. O . O + +basedir B-Library_Variable basedir B-Code_Block +? I-Library_Variable ? I-Code_Block +: I-Library_Variable : I-Code_Block +string I-Library_Variable string I-Code_Block +– O – O +The O The O +base O base O +directory O directory O +to O to O +resolve O resolve O +modules O modules O +from O from O +. O . O + +Defaults O Defaults O +to O to O +the O the O +parent O parent O +directory O directory O +of O of O +the O the O +webpack-sandboxed O webpack-sandboxed O +installation O installation O +. O . O + +** O ** O +WebpackRunner** B-Library_Class WebpackRunner** B-Code_Block + +Webpack B-Application Webpack O +sandboxed I-Application sandboxed O +instance O instance O +. O . O + +run B-Code_Block run B-Code_Block +( I-Code_Block ( I-Code_Block +source B-Code_Block source B-Code_Block +: I-Code_Block : I-Code_Block +string I-Code_Block string I-Code_Block +| I-Code_Block | I-Code_Block +Buffer I-Code_Block Buffer I-Code_Block +) I-Code_Block ) I-Code_Block +: B-Code_Block : B-Code_Block +Promise I-Code_Block Promise I-Code_Block +<[WebpackBundle, I-Code_Block <[WebpackBundle, I-Code_Block +webpack.Stats]> I-Code_Block webpack.Stats]> I-Code_Block +– O – O +Run O Run O +webpack B-Application webpack O +asynchronously O asynchronously O +( O ( O +delegating O delegating O +to O to O +WebpackCompiler.run B-Library_Function WebpackCompiler.run B-Code_Block +) O ) O +. O . O + +** O ** O +WebpackBundle** B-Library_Class WebpackBundle** B-Code_Block + +Result O Result O +of O of O +a O a O +webpack B-Application webpack O +sandboxed I-Application sandboxed O +run O run O +. O . O + +[ B-Code_Block [ B-Code_Block +key I-Code_Block key I-Code_Block +: I-Code_Block : I-Code_Block +string I-Code_Block string I-Code_Block +] I-Code_Block ] I-Code_Block +: B-Code_Block : B-Code_Block +Buffer I-Code_Block Buffer I-Code_Block +– O – O +The O The O +set O set O +of O of O +files O files O +generated O generated O +by O by O +webpack B-Application webpack O +( O ( O +bundles O bundles O +and O and O +assets O assets O +) O ) O +. O . O + +Example O Example O + +Please O Please O +view O view O +the O the O +example O example O +directory O directory O +for O for O +a O a O +complete O complete O +example O example O +of O of O +how O how O +to O to O +use O use O +webpack B-Application webpack O +sandboxed I-Application sandboxed O +. O . O + +References O References O + +This O This O +project O project O +was O was O +inspired O inspired O +by O by O +others O others O +: O : O + +https://github.com/webpack/webpack/issues/1562 O https://github.com/webpack/webpack/issues/1562 O + +https://github.com/christianalfoni/webpack-bin/issues/106 O https://github.com/christianalfoni/webpack-bin/issues/106 O + +https://github.com/christianalfoni/webpack-bin O https://github.com/christianalfoni/webpack-bin O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Repository_Link O Repository_Link O +: O : O +https://github.com/moso/flexgrid O https://github.com/moso/flexgrid O + +Flexgrid B-Application Flexgrid O +- O - O +a O a O +simple O simple O +grid O grid O +based O based O +on O on O +flexbox B-Library flexbox O +layout O layout O + +No O No O +more O more O +floats B-Library_Variable floats O +! O ! O + +Regular O Regular O +grid O grid O +layout O layout O +is O is O +based O based O +on O on O +both O both O +block O block O +and O and O +inline O inline O +flow O flow O +directions O directions O +, O , O +however O however O +, O , O +the O the O +flexbox B-Library flexbox O +( O ( O +or O or O +just O just O +flex B-Library flex O +) O ) O +layout O layout O +is O is O +based O based O +on O on O +" O " O +flex-flow O flex-flow O +directions O directions O +" O " O +. O . O + +Thus O Thus O +float B-Library_Variable float B-Code_Block +and O and O +clear B-Library_Variable clear B-Code_Block +have O have O +no O no O +effect O effect O +. O . O + +Using O Using O +float B-Library_Variable float B-Code_Block +causes O causes O +the O the O +display-property B-Library_Variable display-property B-Code_Block +to O to O +compute O compute O +to O to O +block B-Library_Variable block B-Code_Block +. O . O + +Using O Using O +flexbox B-Library flexbox B-Code_Block +also O also O +means O means O +less O less O +JavaScript B-Version JavaScript O +! O ! O + +Everything O Everything O +is O is O +, O , O +of O of O +course O course O +, O , O +responsive O responsive O +and O and O +stacks O stacks O +perfectly O perfectly O +. O . O + +Please O Please O +note O note O +: O : O +Flexbox B-Library Flexbox O +is O is O +only O only O +partially O partially O +supported O supported O +by O by O +IE10 B-Application IE10 O +. O . O + +Any O Any O +IE-version B-Application IE-version O +lower O lower O +than O than O +10 B-Version 10 O +does O does O +not O not O +support O support O +flexbox O flexbox O +. O . O + +However O However O +, O , O +Flexgrid B-Application Flexgrid O +has O has O +many O many O +fallbacks O fallbacks O +included O included O +, O , O +so O so O +IE11 B-Application IE11 O +should O should O +be O be O +safe O safe O +. O . O + +More O More O +info O info O +here O here O +. O . O + +Flexgrid B-Library Flexgrid O +is O is O +an O an O +integral O integral O +part O part O +of O of O +the O the O +upcoming O upcoming O +Nano B-Library Nano O +Framework I-Library Framework O +, O , O +where O where O +Flexgrid B-Library Flexgrid O +is O is O +the O the O +standard O standard O +grid-system O grid-system O +and O and O +provides O provides O +a O a O +stable O stable O +flexbox B-Library flexbox O +skeleton O skeleton O +. O . O + +Demo O Demo O + +A O A O +live O live O +demo O demo O +is O is O +available O available O +here O here O +: O : O +DEMO O DEMO O + +Packages O Packages O + +If O If O +you O you O +want O want O +to O to O +download O download O +Flexgrid B-Library Flexgrid O +using O using O +either O either O +NPM B-Application NPM O +or O or O +Yarn B-Application Yarn O +. O . O + +NPM B-Application NPM O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_56993 I-Code_Block GR_56993 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Yarn B-Application Yarn O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_56994 I-Code_Block GR_56994 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Tailwind B-Library Tailwind O +CSS I-Library CSS O + +Inspired O Inspired O +by O by O +the O the O +Tailwind B-Library Tailwind O +CSS-syntax I-Library CSS-syntax O +, O , O +there O there O +'s O 's O +also O also O +a O a O +Tailwind-version B-Library Tailwind-version O +of O of O +Flexgrid B-Application Flexgrid O +. O . O + +To O To O +use O use O +it O it O +, O , O +when O when O +you O you O +compile O compile O +or O or O +import O import O +Flexgrid B-Library Flexgrid O +, O , O +set O set O +the O the O +$ B-Library_Variable $ B-Code_Block +enable-tailwind-variable I-Library_Variable enable-tailwind-variable I-Code_Block +to O to O +true O true B-Code_Block +. O . O + +You O You O +can O can O +do O do O +this O this O +either O either O +by O by O +editing O editing O +_variables.scss B-File_Name _variables.scss B-Code_Block +, O , O +or O or O +overriding O overriding O +it O it O +in O in O +your O your O +own O own O +variables O variables O +, O , O +as O as O +the O the O +variable O variable O +has O has O +the O the O +! B-Code_Block ! B-Code_Block +default-flag I-Code_Block default-flag I-Code_Block +attached O attached O +. O . O + +If O If O +you O you O +do O do O +n't O n't O +know O know O +what O what O +Tailwind B-Library Tailwind O +CSS I-Library CSS O +is O is O +, O , O +or O or O +if O if O +you O you O +do O do O +n't O n't O +want O want O +to O to O +use O use O +it O it O +, O , O +simply O simply O +ignore O ignore O +this O this O +as O as O +it O it O +'s O 's O +something O something O +you O you O +have O have O +to O to O +opt O opt O +in O in O +to O to O +. O . O + +Changelog O Changelog O + +2.5.0 B-Version 2.5.0 O +( O ( O +2017-12-05 O 2017-12-05 O +) O ) O + +Upgraded O Upgraded O +dependencies O dependencies O + +Added O Added O +a O a O +new O new O +optional O optional O +style O style O +with O with O +Tailwind B-Library Tailwind O +CSS-syntax I-Library CSS-syntax O + +Updated O Updated O +this O this O +README O README O +with O with O +Tailwind-syntax O Tailwind-syntax O +docs O docs O + +2.2.2 B-Version 2.2.2 O +( O ( O +2017-10-06 O 2017-10-06 O +) O ) O + +Upgraded O Upgraded O +Mix B-Library Mix O + +2.2.1 B-Version 2.2.1 O +( O ( O +2017-06-02 O 2017-06-02 O +) O ) O + +Updated O Updated O +Travis B-Application Travis O + +2.2.0 B-Version 2.2.0 O +( O ( O +2017-06-02 O 2017-06-02 O +) O ) O + +Ditched O Ditched O +gulp B-Application gulp O +for O for O +webpack B-Application webpack O +done O done O +with O with O +Laravel B-Library Laravel O +Mix I-Library Mix O +. O . O + +See O See O +below O below O +for O for O +new O new O +instructions O instructions O +. O . O + +2.1.1 B-Version 2.1.1 O +( O ( O +2017-02-02 O 2017-02-02 O +) O ) O + +Added O Added O +max-width B-Library_Variable max-width B-Code_Block +to O to O +containers O containers O +without O without O +@media B-Code_Block @media B-Code_Block +-query O -query O + +2.1.0 B-Version 2.1.0 O +( O ( O +2016-12-27 O 2016-12-27 O +) O ) O + +Reworked O Reworked O +the O the O +grid O grid O +generation O generation O +by O by O +optimizing O optimizing O +some O some O +variables O variables O +and O and O +tweaking O tweaking O +some O some O +mixins B-Library_Class mixins O + +Removed O Removed O +the O the O +breakpoint-counting O breakpoint-counting O +and O and O +replaced O replaced O +it O it O +with O with O +a O a O +mixin B-Library_Class mixin O +that O that O +checks O checks O +if O if O +it O it O +'s O 's O +not O not O +zero O zero O + +Removed O Removed O +reversing O reversing O +on O on O +row O row O +items O items O +entirely O entirely O + +Optimized O Optimized O +the O the O +gulpfile B-File_Type gulpfile O + +More O More O +demo O demo O +fixes O fixes O +, O , O +this O this O +time O time O +a O a O +lot O lot O + +2.0.6 B-Version 2.0.6 O +( O ( O +2016-12-22 O 2016-12-22 O +) O ) O + +Fixed O Fixed O +a O a O +typo O typo O +in O in O +the O the O +README B-File_Name README O +regarding O regarding O +Yarn B-Application Yarn O + +2.0.5 B-Version 2.0.5 O +( O ( O +2016-12-22 O 2016-12-22 O +) O ) O + +Moved O Moved O +to O to O +our O our O +own O own O +domain O domain O +, O , O +changes O changes O +reflect O reflect O +this O this O + +2.0.3 B-Version 2.0.3 O +, O , O +2.0.4 B-Version 2.0.4 O +( O ( O +2016-12-16 O 2016-12-16 O +) O ) O + +Better O Better O +documentation O documentation O +in O in O +README.md B-File_Name README.md B-Code_Block + +2.0.2 B-Version 2.0.2 O +( O ( O +2016-12-16 O 2016-12-16 O +) O ) O + +Fixed O Fixed O +reversing O reversing O +on O on O +row O row O +items O items O + +Fixed O Fixed O +the O the O +documentation O documentation O +in O in O +the O the O +demo.html B-File_Name demo.html B-Code_Block +on O on O +reversing O reversing O + +2.0.1 B-File_Name 2.0.1 O +( O ( O +2016-12-12 O 2016-12-12 O +) O ) O + +Small O Small O +non-code O non-code O +update O update O +. O . O + +2.0.0 B-File_Name 2.0.0 O +( O ( O +2016-10-10 O 2016-10-10 O +) O ) O + +Renamed O Renamed O +column O column O +names O names O +for O for O +better O better O +migration O migration O + +Added O Added O +an O an O +extra O extra O +class O class O + +Renamed O Renamed O +some O some O +mixins B-Library_Class mixins O +, O , O +added O added O +new O new O +ones O ones O +, O , O +added O added O +better O better O +descriptions O descriptions O +on O on O +each O each O +mixin B-Library_Class mixin O + +Simplified O Simplified O +mixins B-Library_Class mixins O +- O - O +they O they O +can O can O +now O now O +do O do O +more O more O +and O and O +have O have O +defaults O defaults O + +Added O Added O +variables O variables O +file O file O +for O for O +better O better O +modification O modification O + +Added O Added O +a O a O +grid O grid O +generator O generator O +for O for O +better O better O +automation O automation O + +1.0.2 B-Version 1.0.2 O +( O ( O +2015-11-29 O 2015-11-29 O +) O ) O + +Added O Added O +SCSS B-Language SCSS O +source O source O +and O and O +a O a O +few O few O +small O small O +fixes O fixes O + +1.0.1 B-Version 1.0.1 O +( O ( O +2015-09-27 O 2015-09-27 O +) O ) O + +Removed O Removed O +helper O helper O +classes O classes O + +1.0 B-Version 1.0 O +( O ( O +2015-06-23 O 2015-06-23 O +) O ) O + +Initial O Initial O +release O release O + +Classes O Classes O + +Flexgrid B-Application Flexgrid O +now O now O +has O has O +5 O 5 O +classes O classes O +, O , O +compared O compared O +to O to O +4 O 4 O +in O in O +v1 B-Version v1 O +. O . O + +You O You O +might O might O +find O find O +these O these O +familiar O familiar O +, O , O +as O as O +these O these O +resemble O resemble O +Bootstrap B-Library Bootstrap O +: O : O + +xs B-Library_Class xs O +( O ( O +xtra O xtra O +small O small O +- O - O +for O for O +mobile O mobile O +devices O devices O +and O and O +small O small O +tablets O tablets O +) O ) O + +sm B-Library_Class sm O +( O ( O +small O small O +- O - O +for O for O +large O large O +mobile O mobile O +devices O devices O +and O and O +tablets O tablets O +) O ) O + +md B-Library_Class md O +( O ( O +medium O medium O +- O - O +for O for O +tablets O tablets O +and O and O +very O very O +small O small O +laptops O laptops O +) O ) O + +lg B-Library_Class lg O +( O ( O +large O large O +- O - O +for O for O +smaller O smaller O +laptops O laptops O +and O and O +-desktops O -desktops O +) O ) O + +xl B-Library_Class xl O +( O ( O +xlarge O xlarge O +- O - O +for O for O +desktops O desktops O +) O ) O + +The O The O +classes O classes O +can O can O +be O be O +combined O combined O +to O to O +create O create O +more O more O +dynamic O dynamic O +and O and O +flexible O flexible O +layouts O layouts O +. O . O + +Pro O Pro O +tip O tip O +: O : O +Each O Each O +class O class O +scales O scales O +up O up O +, O , O +so O so O +if O if O +you O you O +wish O wish O +to O to O +set O set O +the O the O +same O same O +widths O widths O +for O for O +sm B-Library_Class sm B-Code_Block +and O and O +md B-Library_Class md B-Code_Block +, O , O +you O you O +only O only O +need O need O +to O to O +specify O specify O +sm B-Library_Class sm B-Code_Block +. O . O + +.container B-Class_Name .container O +and O and O +.container-fluid B-Class_Name .container-fluid O + +Flexgrid B-Application Flexgrid O +comes O comes O +with O with O +responsive O responsive O +containers O containers O +that O that O +boxes O boxes O +the O the O +content O content O +in O in O +which O which O +are O are O +controlled O controlled O +by O by O +@media B-Code_Block @media B-Code_Block +-queries O -queries O +. O . O + +These O These O +@media B-Code_Block @media B-Code_Block +-queries O -queries O +trigger O trigger O +at O at O +the O the O +same O same O +widths O widths O +defined O defined O +by O by O +the O the O +Bootstrap-framework B-Library Bootstrap-framework O +. O . O + +However O However O +, O , O +as O as O +a O a O +small O small O +detail O detail O +, O , O +Flexgrid B-Application Flexgrid O +bases O bases O +its O its O +width-triggers O width-triggers O +on O on O +rem B-Code_Block rem B-Code_Block +instead O instead O +of O of O +px B-Code_Block px B-Code_Block +. O . O + +This O This O +creates O creates O +a O a O +much O much O +more O more O +fluid O fluid O +layout O layout O +. O . O + +While O While O +em B-Code_Block em B-Code_Block +is O is O +relative O relative O +to O to O +the O the O +font-size B-Library_Variable font-size B-Code_Block +of O of O +its O its O +direct O direct O +or O or O +nearest O nearest O +parent O parent O +, O , O +rem B-Code_Block rem B-Code_Block +is O is O +only O only O +relative O relative O +to O to O +the O the O +html B-Language html B-Code_Block +( O ( O +root O root O +) O ) O +font-size B-Library_Variable font-size B-Code_Block +. O . O + +Flexgrid B-Application Flexgrid O +font-size B-Library_Variable font-size B-Code_Block +is O is O +set O set O +to O to O +16px B-Code_Block 16px B-Code_Block +. O . O + +There O There O +is O is O +also O also O +a O a O +fluid O fluid O +container O container O +that O that O +has O has O +no O no O +@media B-Code_Block @media B-Code_Block +-queries O -queries O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_56995 I-Code_Block GR_56995 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Tailwind-syntax B-Library Tailwind-syntax O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_56996 I-Code_Block GR_56996 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Columns B-User_Interface_Element Columns O + +Flexgrid B-Application Flexgrid O +comes O comes O +with O with O +columns O columns O +with O with O +percent-based O percent-based O +widths O widths O +allow O allow O +fluid O fluid O +resizing O resizing O +of O of O +columns B-User_Interface_Element columns O +and O and O +rows B-User_Interface_Element rows O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_56997 I-Code_Block GR_56997 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Tailwind-syntax B-Library Tailwind-syntax O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_56998 I-Code_Block GR_56998 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Offsets O Offsets O + +It O It O +'s O 's O +fairly O fairly O +easy O easy O +to O to O +offset O offset O +columns B-User_Interface_Element columns O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_56999 I-Code_Block GR_56999 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Tailwind-syntax B-Library Tailwind-syntax O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57000 I-Code_Block GR_57000 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Auto O Auto O +width O width O + +This O This O +defines O defines O +the O the O +ability O ability O +for O for O +a O a O +flex O flex O +item O item O +to O to O +grow O grow O +if O if O +necessary O necessary O +. O . O + +It O It O +accepts O accepts O +a O a O +unitless O unitless O +value O value O +that O that O +serves O serves O +as O as O +a O a O +proportion O proportion O +. O . O + +It O It O +dictates O dictates O +what O what O +amount O amount O +of O of O +the O the O +available O available O +space O space O +inside O inside O +the O the O +flex O flex O +container O container O +the O the O +item O item O +should O should O +take O take O +up O up O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57001 I-Code_Block GR_57001 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Justifying O Justifying O +content O content O + +space-around B-Library_Variable space-around O +: O : O + +With O With O +space-around B-Library_Variable space-around B-Code_Block +, O , O +items O items O +are O are O +evenly O evenly O +distributed O distributed O +in O in O +the O the O +line O line O +with O with O +equal O equal O +space O space O +around O around O +them O them O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57002 I-Code_Block GR_57002 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Tailwind-syntax B-Library Tailwind-syntax O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57003 I-Code_Block GR_57003 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +space-between B-Library_Variable space-between O +: O : O + +space-between B-Library_Variable space-between B-Code_Block +distributes O distributes O +items O items O +in O in O +the O the O +line O line O +; O ; O +first O first O +item O item O +is O is O +on O on O +the O the O +start O start O +line O line O +, O , O +last O last O +item O item O +on O on O +the O the O +end O end O +line O line O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57004 I-Code_Block GR_57004 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Tailwind-syntax B-Library Tailwind-syntax O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57005 I-Code_Block GR_57005 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +start B-Library_Variable start O +, O , O +center B-Library_Variable center O +, O , O +end B-Library_Variable end O + +start B-Library_Variable start B-Code_Block +: O : O +( O ( O +default O default O +) O ) O +: O : O +items O items O +are O are O +packed O packed O +toward O toward O +the O the O +start O start O +line O line O +. O . O + +center B-Library_Variable center B-Code_Block +: O : O +tems O tems O +are O are O +centered O centered O +along O along O +the O the O +line O line O +. O . O + +end B-Library_Variable end B-Code_Block +: O : O +items O items O +are O are O +packed O packed O +toward O toward O +to O to O +end O end O +line O line O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57006 I-Code_Block GR_57006 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Tailwind-syntax B-Library Tailwind-syntax O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57007 I-Code_Block GR_57007 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +top B-Library_Variable top O +, O , O +middle B-Library_Variable middle O +, O , O +bottom B-Library_Variable bottom O + +Vertically O Vertically O +aligning O aligning O +items O items O +can O can O +be O be O +a O a O +pain O pain O +. O . O + +But O But O +not O not O +with O with O +flexbox B-Library flexbox B-Code_Block +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57008 I-Code_Block GR_57008 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Tailwind-syntax B-Library Tailwind-syntax O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57009 I-Code_Block GR_57009 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Pro O Pro O +tip O tip O +: O : O +You O You O +can O can O +combine O combine O +-center B-Code_Block -center B-Code_Block +and O and O + B-Code_Block B-Code_Block +-middle I-Code_Block -middle I-Code_Block +to O to O +perfectly O perfectly O +center O center O +content O content O +on O on O +a O a O +page O page O +. O . O + +No O No O +more O more O +display B-Code_Block display B-Code_Block +: I-Code_Block : I-Code_Block +table I-Code_Block table I-Code_Block +; I-Code_Block ; I-Code_Block +on O on O +the O the O +outer O outer O +and O and O +display B-Code_Block display B-Code_Block +: I-Code_Block : I-Code_Block +table-cell I-Code_Block table-cell I-Code_Block +; I-Code_Block ; I-Code_Block +vertical-align I-Code_Block vertical-align I-Code_Block +: I-Code_Block : I-Code_Block +middle I-Code_Block middle I-Code_Block +; I-Code_Block ; I-Code_Block +on O on O +the O the O +inner O inner O +element O element O +, O , O +or O or O +even O even O +position B-Code_Block position B-Code_Block +: I-Code_Block : I-Code_Block +absolute I-Code_Block absolute I-Code_Block +; I-Code_Block ; I-Code_Block +translate I-Code_Block translate I-Code_Block +: I-Code_Block : I-Code_Block +transformX(-50%) I-Code_Block transformX(-50%) I-Code_Block +; I-Code_Block ; I-Code_Block +top I-Code_Block top I-Code_Block +: I-Code_Block : I-Code_Block +50% I-Code_Block 50% I-Code_Block +; I-Code_Block ; I-Code_Block +to O to O +vertically O vertically O +and O and O +horizontally O horizontally O +center O center O +content O content O +. O . O + +Smart O Smart O +, O , O +huh O huh O +? O ? O + +Ordering O Ordering O + +By O By O +default O default O +, O , O +items O items O +are O are O +laid O laid O +out O out O +in O in O +the O the O +source O source O +order O order O +. O . O + +However O However O +, O , O +the O the O +order-property B-Library_Variable order-property B-Code_Block +controls O controls O +the O the O +order O order O +in O in O +which O which O +they O they O +appear O appear O +in O in O +the O the O +container O container O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57010 I-Code_Block GR_57010 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Tailwind-syntax B-Library Tailwind-syntax O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57011 I-Code_Block GR_57011 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Demonstration O Demonstration O +of O of O +all O all O +these O these O +can O can O +be O be O +found O found O +via O via O +the O the O +demo O demo O +link O link O +! O ! O + +Editing O Editing O +the O the O +source O source O + +It O It O +'s O 's O +easy O easy O +to O to O +modify O modify O +the O the O +source O source O +. O . O + +Clone O Clone O +this O this O +repository O repository O +and O and O +edit O edit O +away O away O +. O . O + +Flexgrid B-Library Flexgrid O +comes O comes O +with O with O +webpack B-Application webpack O +in O in O +form O form O +of O of O +Laravel B-Library Laravel O +Mix I-Library Mix O +that O that O +can O can O +compile O compile O +the O the O +source O source O +for O for O +you O you O +. O . O + +To O To O +install O install O +its O its O +dependencies O dependencies O +, O , O +you O you O +need O need O +to O to O +have O have O +NodeJS B-Application NodeJS O +and O and O +npm B-Application npm B-Code_Block +installed O installed O +. O . O + +To O To O +install O install O +the O the O +dependencies O dependencies O +, O , O +you O you O +just O just O +run O run O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57012 I-Code_Block GR_57012 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +When O When O +you O you O +'re O 're O +done O done O +editing O editing O +, O , O +you O you O +just O just O +run O run O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_57013 I-Code_Block GR_57013 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +will O will O +compile O compile O +a O a O +regular O regular O +.css-file B-File_Type .css-file B-Code_Block +, O , O +and O and O +a O a O +minified O minified O +.min.css-file B-File_Type .min.css-file B-Code_Block +. O . O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/95 O https://github.com/linked-statistics/xkos/issues/95 O + +Fix O Fix O +#64 O #64 O + +Repository_Name O Repository_Name O +: O : O +houmadi/hello O houmadi/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/houmadi/hello-world/issues/1 O https://github.com/houmadi/hello-world/issues/1 O + +this O this O +is O is O +the O the O +best O best O +thing O thing O +i O i O +have O have O +seen O seen O +it O it O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/22 O https://github.com/rpcope1/Hantek6022API/issues/22 O + +Hi O Hi O +, O , O +on O on O +Arch B-Operating_System Arch O +linux I-Operating_System linux O +, O , O +when O when O +i O i O +do O do O +python2 B-File_Name python2 B-Code_Block +examples/example_linux_flashfirmware.py I-File_Name examples/example_linux_flashfirmware.py I-Code_Block +, O , O +the O the O +script O script O +starts O starts O +but O but O +it O it O +stops O stops O +at O at O +scope.flash_firmware() B-Library_Function scope.flash_firmware() B-Code_Block +, O , O +and O and O +stays O stays O +there O there O +, O , O +without O without O +giving O giving O +errors O errors O +or O or O +output O output O +. O . O + +Am O Am O +i O i O +doing O doing O +something O something O +wrong O wrong O +? O ? O + +The O The O +scope O scope O +is O is O +connected O connected O +, O , O +the O the O +firmware O firmware O +is O is O +built O built O +as O as O +instruction O instruction O +said O said O +. O . O + +Python B-Language Python O +2.7.10 B-Version 2.7.10 O + +Repository_Name O Repository_Name O +: O : O +chadjriddle/DarkRift O chadjriddle/DarkRift O +-LoginPlugin O -LoginPlugin O + +Repository_Link O Repository_Link O +: O : O +https://github.com/chadjriddle/DarkRift-LoginPlugin O https://github.com/chadjriddle/DarkRift-LoginPlugin O + +Hello O Hello O +! O ! O + +These O These O +resources O resources O +are O are O +free O free O +for O for O +you O you O +to O to O +use/copy/generally O use/copy/generally O +do O do O +what O what O +you O you O +like O like O +with O with O +. O . O + +You O You O +should O should O +be O be O +able O able O +to O to O +always O always O +find O find O +a O a O +Unity B-Application Unity O +project O project O +of O of O +the O the O +latest O latest O +version O version O +in O in O +the O the O +LoginPlugin O LoginPlugin O +Unity B-Application Unity O +folder O folder O +, O , O +download O download O +it O it O +and O and O +that O that O +'s O 's O +all O all O +you O you O +need O need O +! O ! O + +To O To O +contributors O contributors O +.. O .. O +. O . O + +Thanks O Thanks O +! O ! O + +I O I O +do O do O +n't O n't O +have O have O +all O all O +that O that O +much O much O +time O time O +so O so O +other O other O +people O people O +contributing O contributing O +makes O makes O +life O life O +so O so O +much O much O +easier O easier O +! O ! O + +Please O Please O +make O make O +sure O sure O +that O that O +you O you O +follow O follow O +these O these O +2 O 2 O +rules O rules O +if O if O +you O you O +want O want O +to O to O +be O be O +pulled O pulled O +into O into O +the O the O +main O main O +branch O branch O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7533 I-Code_Block GR_7533 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/7 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/7 O + +one O one O +of O of O +the O the O +breaking O breaking O +changes O changes O +in O in O +the O the O +v1->v2 B-Version v1->v2 O +update O update O +is O is O +the O the O +new O new O +top O top O +level O level O +module O module O +is O is O +now O now O +named O named O +Aws B-Application Aws B-Code_Block +instead O instead O +of O of O +AWS B-Application AWS B-Code_Block +and O and O +probably O probably O +a O a O +lot O lot O +more O more O +of O of O +surprises O surprises O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Repository_Link O Repository_Link O +: O : O +https://github.com/wsdookadr/overflow-checker O https://github.com/wsdookadr/overflow-checker O + +Intro O Intro O + +Fieldtop B-Application Fieldtop O +looks O looks O +at O at O +all O all O +fields O fields O +in O in O +all O all O +tables B-Data_Structure tables O +and O and O +all O all O +databases O databases O +and O and O +analyzes O analyzes O +how O how O +close O close O +the O the O +values O values O +in O in O +each O each O +field O field O +are O are O +to O to O +the O the O +maximum O maximum O +( O ( O +or O or O +minimum O minimum O +) O ) O +allowed O allowed O +value O value O +for O for O +the O the O +given O given O +field O field O +type O type O +. O . O + +This O This O +can O can O +give O give O +you O you O +interesting O interesting O +insight O insight O +into O into O +your O your O +databases O databases O +. O . O + +A O A O +typical O typical O +output O output O +looks O looks O +like O like O +this O this O +: O : O + +Field O Field O + +Min O Min O + +Max O Max O + +community.users.id B-Library_Variable community.users.id O + +30% O 30% O + +community.users.name B-Library_Variable community.users.name O + +100% O 100% O + +community.users.karma B-Library_Variable community.users.karma O + +60% O 60% O + +1% O 1% O + +community.posts.id B-Library_Variable community.posts.id O + +1% O 1% O + +community.posts.text B-Library_Variable community.posts.text O + +100% O 100% O + +This O This O +would O would O +tell O tell O +you O you O +a O a O +couple O couple O +of O of O +things O things O +at O at O +a O a O +glance O glance O +: O : O + +Your O Your O +user O user O +IDs O IDs O +use O use O +30% O 30% O +of O of O +the O the O +available O available O +range O range O +. O . O + +Depending O Depending O +on O on O +how O how O +long O long O +the O the O +project O project O +has O has O +been O been O +running O running O +, O , O +this O this O +can O can O +be O be O +ok O ok O +or O or O +could O could O +mean O mean O +your O your O +field O field O +is O is O +in O in O +danger O danger O +of O of O +overflowing O overflowing O +at O at O +some O some O +point O point O +. O . O + +Some O Some O +user O user O +names O names O +already O already O +use O use O +the O the O +maximum O maximum O +length O length O +. O . O + +This O This O +is O is O +probably O probably O +ok O ok O +if O if O +your O your O +database O database O +design O design O +is O is O +in O in O +sync O sync O +with O with O +your O your O +application O application O +. O . O + +The O The O +negative O negative O +values O values O +in O in O +the O the O +user O user O +karma O karma O +column O column O +are O are O +already O already O +pretty O pretty O +big O big O +. O . O + +Maybe O Maybe O +you O you O +did O did O +not O not O +expect O expect O +that O that O +people O people O +aquire O aquire O +negative O negative O +karma O karma O +so O so O +fast O fast O +? O ? O + +The O The O +IDs O IDs O +for O for O +posts O posts O +are O are O +far O far O +from O from O +the O the O +limit O limit O + +The O The O +text O text O +field O field O +for O for O +the O the O +posts O posts O +is O is O +already O already O +maxing O maxing O +out O out O +the O the O +max O max O +lenght O lenght O +. O . O + +Maybe O Maybe O +that O that O +is O is O +not O not O +what O what O +you O you O +want O want O +. O . O + +The O The O +output O output O +can O can O +be O be O +escpecially O escpecially O +interesting O interesting O +for O for O +databases O databases O +that O that O +have O have O +been O been O +used O used O +for O for O +extended O extended O +periods O periods O +of O of O +time O time O +. O . O + +Often O Often O +at O at O +some O some O +point O point O +, O , O +some O some O +of O of O +the O the O +data O data O +will O will O +outgrow O outgrow O +the O the O +designated O designated O +data O data O +types O types O +. O . O + +In O In O +fact O fact O +, O , O +the O the O +idea O idea O +to O to O +make O make O +this O this O +tool O tool O +came O came O +up O up O +when O when O +no-gravity O no-gravity O +noticed O noticed O +that O that O +after O after O +10 O 10 O +years O years O +of O of O +unsupervised O unsupervised O +learning O learning O +, O , O +his O his O +music O music O +recommendation O recommendation O +system O system O +Gnoosic B-Application Gnoosic O +maxed O maxed O +out O out O +over O over O +50% O 50% O +of O of O +the O the O +available O available O +range O range O +for O for O +band O band O +popularity O popularity O +. O . O + +The O The O +popularity O popularity O +was O was O +stored O stored O +in O in O +a O a O +signed O signed O +integer O integer O +which O which O +can O can O +hold O hold O +numbers O numbers O +up O up O +to O to O +2 O 2 O +billion O billion O +. O . O + +And O And O +Pink O Pink O +Floyd O Floyd O +was O was O +already O already O +at O at O +1.3 O 1.3 O +billion O billion O +. O . O + +So O So O +the O the O +popularity O popularity O +field O field O +was O was O +destined O destined O +to O to O +overflow O overflow O +at O at O +some O some O +point O point O +in O in O +the O the O +future O future O +. O . O + +Testing O Testing O + +FieldTop B-Application FieldTop O +has O has O +been O been O +developed O developed O +and O and O +tested O tested O +using O using O +MySQL B-Application MySQL O +5.5.49 B-Version 5.5.49 O +and O and O +PHP B-Language PHP O +5.5.9 B-Version 5.5.9 O +and O and O +is O is O +expected O expected O +to O to O +work O work O +on O on O +PHP B-Language PHP O +>= O >= O +5.5.9 B-Version 5.5.9 O + +Contributing O Contributing O + +You O You O +are O are O +welcome O welcome O +to O to O +send O send O +pull O pull O +requests O requests O + +with O with O +enhancements O enhancements O +or O or O +fixes O fixes O +to O to O +this O this O +project O project O +. O . O + +Bugs O Bugs O + +Please O Please O +report O report O +any O any O +bugs O bugs O +in O in O +the O the O +issue O issue O +tracker O tracker O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/25 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/25 O + +Changing O Changing O +the O the O +title O title O +in O in O +the O the O +PR O PR O +does O does O +n't O n't O +change O change O +the O the O +git O git O +commit O commit O +title O title O +. O . O + +Repository_Name O Repository_Name O +: O : O +makeen-project/makeen O makeen-project/makeen O +-hapi O -hapi O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/viczam/makeen-hapi/issues/48 O https://github.com/viczam/makeen-hapi/issues/48 O + +WS O WS O +Jira B-Application Jira O +Ticket O Ticket O +: O : O +ACP-51 O ACP-51 O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/4 O https://github.com/SivanMehta/wander/issues/4 O + + +Created O Created O +a O a O +navigation B-User_Interface_Element navigation O +bar I-User_Interface_Element bar O +& O & O +modified O modified O +grid B-User_Interface_Element grid O +structure O structure O + +Modified O Modified O +nav B-User_Interface_Element nav O +bar I-User_Interface_Element bar O +to O to O +include O include O +brand O brand O +name O name O +& O & O +home O home O +button B-User_Interface_Element button O + +Other O Other O +Misc O Misc O +. O . O + +Front-end O Front-end O +Changes O Changes O +& O & O +Branding O Branding O + +Homepage B-User_Interface_Element Homepage O +button I-User_Interface_Element button O +as O as O +place O place O +holder O holder O +( O ( O +no O no O +active O active O +home O home O +page O page O +) O ) O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/2 O https://github.com/rcfbanalysis/rcfbscraper/issues/2 O + +Game O Game O +1320050320140820 O 1320050320140820 O +in O in O +play.csv B-File_Name play.csv O + +NIU O NIU O +vs O vs O +Pres O Pres O + +pres O pres O +vs O vs O +niu O niu O +http://espn.go.com/ncf/playbyplay?gameId=400548091 O http://espn.go.com/ncf/playbyplay?gameId=400548091 O + +Presbyterian O Presbyterian O +'s O 's O +offensive O offensive O +plays O plays O +do O do O +n't O n't O +exist O exist O +in O in O +play.csv B-File_Name play.csv O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/9 O https://github.com/contributte/logging/issues/9 O + +This O This O +is O is O +solution O solution O +for O for O +issue O issue O +#8 O #8 O +. O . O + +Removes O Removes O +all O all O +occurences O occurences O +of O of O +Throwable B-Library_Class Throwable O +interface O interface O +. O . O + +Repository_Name O Repository_Name O +: O : O +Alfaiis/aeron O Alfaiis/aeron O + +Repository_Link O Repository_Link O +: O : O +https://github.com/Alfaiis/aeron O https://github.com/Alfaiis/aeron O + +Aeron B-Application Aeron O + +To O To O +chat O chat O +with O with O +other O other O +Aeron B-Application Aeron O +users O users O +and O and O +the O the O +contributors O contributors O +. O . O + +Efficient O Efficient O +reliable O reliable O +UDP B-Algorithm UDP O +unicast O unicast O +, O , O +UDP B-Algorithm UDP O +multicast O multicast O +, O , O +and O and O +IPC O IPC O +message O message O +transport O transport O +. O . O + +Java B-Language Java O +and O and O +C++ B-Language C++ O +clients O clients O +are O are O +available O available O +in O in O +this O this O +repository O repository O +, O , O +and O and O +a O a O +.NET B-Library .NET O +client O client O +is O is O +available O available O +from O from O +a O a O +3rd O 3rd O +party O party O +. O . O + +All O All O +three O three O +clients O clients O +can O can O +exchange O exchange O +messages O messages O +across O across O +machines O machines O +, O , O +or O or O +on O on O +the O the O +same O same O +machine O machine O +via O via O +IPC O IPC O +, O , O +very O very O +efficiently O efficiently O +. O . O + +Performance O Performance O +is O is O +the O the O +key O key O +focus O focus O +. O . O + +Aeron B-Application Aeron O +is O is O +designed O designed O +to O to O +be O be O +the O the O +highest O highest O +throughput O throughput O +with O with O +the O the O +lowest O lowest O +and O and O +most O most O +predictable O predictable O +latency O latency O +possible O possible O +of O of O +any O any O +messaging O messaging O +system O system O +. O . O + +Aeron B-Application Aeron O +integrates O integrates O +with O with O +Simple B-Application Simple O +Binary I-Application Binary O +Encoding I-Application Encoding O +( O ( O +SBE B-Application SBE O +) O ) O +for O for O +the O the O +best O best O +possible O possible O +performance O performance O +in O in O +message O message O +encoding O encoding O +and O and O +decoding O decoding O +. O . O + +Many O Many O +of O of O +the O the O +data O data O +structures O structures O +used O used O +in O in O +the O the O +creation O creation O +of O of O +Aeron B-Application Aeron O +have O have O +been O been O +factored O factored O +out O out O +to O to O +the O the O +Agrona B-Application Agrona O +project O project O +. O . O + +For O For O +details O details O +of O of O +usage O usage O +, O , O +protocol O protocol O +specification O specification O +, O , O +FAQ O FAQ O +, O , O +etc O etc O +. O . O + +please O please O +check O check O +out O out O +the O the O + +Wiki O Wiki O +. O . O + +For O For O +those O those O +who O who O +prefer O prefer O +to O to O +watch O watch O +a O a O +video O video O +then O then O +try O try O +Aeron B-Application Aeron O +Messaging I-Application Messaging O +from O from O +StrangeLoop B-Application StrangeLoop O +2014 B-Version 2014 O +. O . O + +Things O Things O +have O have O +moved O moved O +on O on O +quite O quite O +a O a O +bit O bit O +with O with O +performance O performance O +and O and O +some O some O +features O features O +but O but O +the O the O +basic O basic O +design O design O +still O still O +applies O applies O +. O . O + +For O For O +the O the O +latest O latest O +version O version O +information O information O +and O and O +changes O changes O +see O see O +the O the O +Change O Change O +Log O Log O +with O with O +downloads O downloads O +at O at O +Maven B-Application Maven O +Central O Central O +. O . O + +How O How O +do O do O +I O I O +use O use O +Aeron B-Application Aeron O +? O ? O + +Java B-Language Java O +Programming O Programming O +Guide O Guide O + +C++11 B-Language C++11 O +Programming O Programming O +Guide O Guide O + +Best O Best O +Practices O Practices O +Guide O Guide O + +Monitoring O Monitoring O +and O and O +Debugging O Debugging O + +Configuration O Configuration O +Options O Options O + +Channel O Channel O +Specific O Specific O +Configuration O Configuration O + +How O How O +does O does O +Aeron B-Application Aeron O +work O work O +? O ? O + +Protocol O Protocol O +Specification O Specification O + +Design O Design O +Overview O Overview O + +Design O Design O +Principles O Principles O + +Flow O Flow O +Control O Control O +Semantics O Semantics O + +Media O Media O +Driver O Driver O +Operation O Operation O + +How O How O +do O do O +I O I O +hack O hack O +on O on O +Aeron B-Application Aeron O +? O ? O + +Hacking O Hacking O +on O on O +Aeron B-Application Aeron O + +Performance O Performance O +Testing O Testing O + +License O License O +( O ( O +See O See O +LICENSE O LICENSE O +file O file O +for O for O +full O full O +license O license O +) O ) O + +Copyright O Copyright O +2014-2017 B-Licence 2014-2017 O +Real I-Licence Real O +Logic I-Licence Logic O +Limited I-Licence Limited O + +Licensed O Licensed O +under O under O +the O the O +Apache B-Licence Apache O +License I-Licence License O +, O , O +Version O Version O +2.0 B-Version 2.0 O +( O ( O +the O the O +" O " O +License O License O +" O " O +) O ) O +; O ; O +you O you O +may O may O +not O not O +use O use O +this O this O +file O file O +except O except O +in O in O +compliance O compliance O +with O with O +the O the O +License O License O +. O . O + +You O You O +may O may O +obtain O obtain O +a O a O +copy O copy O +of O of O +the O the O +License O License O +at O at O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4157 I-Code_Block GR_4157 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Unless O Unless O +required O required O +by O by O +applicable O applicable O +law O law O +or O or O +agreed O agreed O +to O to O +in O in O +writing O writing O +, O , O +software O software O +distributed O distributed O +under O under O +the O the O +License O License O +is O is O +distributed O distributed O +on O on O +an O an O +" O " O +AS O AS O +IS O IS O +" O " O +BASIS O BASIS O +, O , O +WITHOUT O WITHOUT O +WARRANTIES O WARRANTIES O +OR O OR O +CONDITIONS O CONDITIONS O +OF O OF O +ANY O ANY O +KIND O KIND O +, O , O +either O either O +express O express O +or O or O +implied O implied O +. O . O + +See O See O +the O the O +License O License O +for O for O +the O the O +specific O specific O +language O language O +governing O governing O +permissions O permissions O +and O and O +limitations O limitations O +under O under O +the O the O +License O License O +. O . O + +Directory O Directory O +Structure O Structure O + +Client O Client O +API B-Library API O +and O and O +common O common O +classes O classes O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4158 I-Code_Block GR_4158 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Samples O Samples O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4159 I-Code_Block GR_4159 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Media B-Application Media O +Driver I-Application Driver O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4160 I-Code_Block GR_4160 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Build O Build O + +Java B-Language Java O +Build O Build O + +The O The O +project O project O +is O is O +built O built O +with O with O +Gradle B-Application Gradle O +using O using O +this O this O +build.gradle B-File_Name build.gradle O +file O file O +. O . O + +You O You O +require O require O +the O the O +following O following O +to O to O +build O build O +Aeron O Aeron O +: O : O + +Latest O Latest O +stable O stable O +Oracle B-Application Oracle O +JDK I-Application JDK O +8 B-Version 8 O + +You O You O +must O must O +first O first O +build O build O +and O and O +install O install O +Agrona B-Application Agrona O +and O and O +Simple B-Application Simple O +Binary I-Application Binary O +Encoding I-Application Encoding O +( O ( O +SBE B-Application SBE O +) O ) O +into O into O +the O the O +local O local O +maven B-Application maven O +repository O repository O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4161 I-Code_Block GR_4161 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +After O After O +Agrona B-Application Agrona O +& O & O +SBE O SBE O +is O is O +compiled O compiled O +and O and O +installed O installed O +, O , O +then O then O +you O you O +can O can O +build O build O +Aeron B-Application Aeron O +. O . O + +Full O Full O +clean O clean O +and O and O +build O build O +of O of O +all O all O +modules O modules O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4162 I-Code_Block GR_4162 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +C++ B-Language C++ O +Build O Build O + +You O You O +require O require O +the O the O +following O following O +to O to O +build O build O +the O the O +C++ B-Library C++ O +API I-Library API O +for O for O +Aeron O Aeron O +: O : O + +3.0.2 B-Version 3.0.2 O +or O or O +higher O higher O +of O of O +CMake B-Application CMake O + +C++11 B-Language C++11 O +supported O supported O +compiler B-Application compiler O +for O for O +the O the O +supported O supported O +platform O platform O + +C11 B-Language C11 O +supported O supported O +compiler B-Application compiler O +for O for O +the O the O +supported O supported O +platform O platform O + +Requirements O Requirements O +to O to O +build O build O +HdrHistogram_c B-File_Name HdrHistogram_c O +. O . O + +HdrHistogram B-Application HdrHistogram O +requires O requires O +zlib.h B-File_Name zlib.h B-Code_Block +currently O currently O +. O . O + +So O So O +on O on O +Ubuntu B-Operating_System Ubuntu O +: O : O + +$ B-Code_Block $ B-Code_Block +sudo I-Code_Block sudo I-Code_Block +apt-get I-Code_Block apt-get I-Code_Block +install I-Code_Block install I-Code_Block +libz-dev I-Code_Block libz-dev I-Code_Block + +NOTE O NOTE O +: O : O +Aeron B-Application Aeron O +is O is O +supported O supported O +on O on O +Linux B-Operating_System Linux O +, O , O +Mac B-Operating_System Mac O +, O , O +and O and O +Windows B-Operating_System Windows O +. O . O + +Windows B-Operating_System Windows O +builds O builds O +require O require O +Visual B-Application Visual O +Studio I-Application Studio O +and O and O +are O are O +being O being O +developed O developed O +with O with O +Visual B-Application Visual O +Studio I-Application Studio O +2013 B-Version 2013 O +and O and O +2015 B-Version 2015 O +with O with O +64-bit O 64-bit O +builds O builds O +only O only O +. O . O + +Cygwin B-Application Cygwin O +, O , O +MSys B-Application MSys O +, O , O +etc O etc O +. O . O + +may O may O +work O work O +, O , O +but O but O +are O are O +not O not O +maintained O maintained O +at O at O +this O this O +time O time O +. O . O + +For O For O +convenience O convenience O +, O , O +a O a O +script O script O +is O is O +provided O provided O +that O that O +does O does O +a O a O +full O full O +clean O clean O +, O , O +build O build O +, O , O +and O and O +test O test O +of O of O +all O all O +targets O targets O +as O as O +a O a O +Release O Release O +build O build O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4163 I-Code_Block GR_4163 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +are O are O +comfortable O comfortable O +with O with O +using O using O +CMake B-Application CMake O +, O , O +then O then O +a O a O +full O full O +clean O clean O +, O , O +build O build O +, O , O +and O and O +test O test O +looks O looks O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4164 I-Code_Block GR_4164 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +C B-Application C O +Media I-Application Media O +Driver I-Application Driver O + +By O By O +default O default O +, O , O +the O the O +C B-Application C O +Media I-Application Media O +Driver I-Application Driver O +is O is O +not O not O +built O built O +as O as O +part O part O +of O of O +the O the O +C++ B-Language C++ O +Build O Build O +. O . O + +However O However O +, O , O +it O it O +can O can O +be O be O +enabled O enabled O +via O via O +the O the O +CMake B-Application CMake O +option O option O +BUILD_AERON_DRIVER B-Library_Variable BUILD_AERON_DRIVER B-Code_Block +being O being O +set O set O +to O to O +ON B-Code_Block ON B-Code_Block +. O . O + +For O For O +convenience O convenience O +, O , O +a O a O +script O script O +is O is O +provided O provided O +that O that O +does O does O +a O a O +full O full O +clean O clean O +, O , O +build O build O +, O , O +and O and O +test O test O +of O of O +all O all O +targets O targets O +as O as O +a O a O +Release O Release O +build O build O +of O of O +the O the O +C++ B-Library C++ O +API I-Library API O +and O and O +the O the O +C B-Application C O +Media I-Application Media O +Driver I-Application Driver O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4165 I-Code_Block GR_4165 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +are O are O +comfortable O comfortable O +with O with O +using O using O +CMake B-Application CMake O +, O , O +then O then O +a O a O +full O full O +clean O clean O +, O , O +build O build O +, O , O +and O and O +test O test O +looks O looks O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4166 I-Code_Block GR_4166 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +NOTE O NOTE O +: O : O +C B-Application C O +Media I-Application Media O +Driver I-Application Driver O +is O is O +currently O currently O +only O only O +supported O supported O +on O on O +Mac B-Operating_System Mac O +and O and O +Linux B-Operating_System Linux O +. O . O + +Documentation O Documentation O + +If O If O +you O you O +have O have O +doxygen B-Application doxygen O +installed O installed O +and O and O +want O want O +to O to O +build O build O +the O the O +Doxygen B-Application Doxygen O +doc O doc O +, O , O +there O there O +is O is O +a O a O +nice O nice O +doc B-Code_Block doc B-Code_Block +target O target O +that O that O +can O can O +be O be O +used O used O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4167 I-Code_Block GR_4167 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Packaging O Packaging O + +If O If O +you O you O +would O would O +like O like O +a O a O +packaged O packaged O +version O version O +of O of O +the O the O +compiled O compiled O +API B-Library API O +, O , O +there O there O +is O is O +the O the O +package B-Code_Block package B-Code_Block +target O target O +that O that O +uses O uses O +CPack B-Application CPack O +. O . O + +If O If O +the O the O +doc O doc O +has O has O +been O been O +built O built O +previous O previous O +to O to O +the O the O +packaging O packaging O +, O , O +it O it O +will O will O +be O be O +included O included O +. O . O + +Packages O Packages O +created O created O +are O are O +" O " O +TGZ O TGZ O +; O ; O +STGZ O STGZ O +" O " O +, O , O +but O but O +can O can O +be O be O +changed O changed O +by O by O +running O running O +cpack B-Application cpack B-Code_Block +directly O directly O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4168 I-Code_Block GR_4168 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Running O Running O +Samples O Samples O + +Start O Start O +up O up O +a O a O +media B-Application media O +driver I-Application driver O +which O which O +will O will O +create O create O +the O the O +data O data O +and O and O +conductor O conductor O +directories O directories O +. O . O + +On O On O +Linux B-Operating_System Linux O +, O , O +this O this O +will O will O +probably O probably O +be O be O +in O in O +/dev/shm/aeron B-File_Name /dev/shm/aeron B-Code_Block +or O or O +/tmp/aeron B-File_Name /tmp/aeron B-Code_Block +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4169 I-Code_Block GR_4169 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Alternatively O Alternatively O +, O , O +specify O specify O +the O the O +data O data O +and O and O +conductor O conductor O +directories O directories O +. O . O + +The O The O +following O following O +example O example O +uses O uses O +the O the O +shared O shared O +memory O memory O +' O ' O +directory O directory O +' O ' O +on O on O +Linux B-Operating_System Linux O +, O , O +but O but O +you O you O +could O could O +just O just O +as O as O +easily O easily O +point O point O +to O to O +the O the O +regular O regular O +filesystem O filesystem O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4170 I-Code_Block GR_4170 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +run O run O +the O the O +BasicSubscriber B-Library_Class BasicSubscriber B-Code_Block +from O from O +a O a O +command O command O +line O line O +. O . O + +On O On O +Linux B-Operating_System Linux O +, O , O +this O this O +will O will O +be O be O +pointing O pointing O +to O to O +the O the O +/dev/shm B-File_Name /dev/shm B-Code_Block +shared O shared O +memory O memory O +directory O directory O +, O , O +so O so O +be O be O +sure O sure O +your O your O +MediaDriver B-Library_Class MediaDriver B-Code_Block +is O is O +doing O doing O +the O the O +same O same O +! O ! O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4171 I-Code_Block GR_4171 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +run O run O +the O the O +BasicPublisher B-Library_Class BasicPublisher B-Code_Block +from O from O +a O a O +command O command O +line O line O +. O . O + +On O On O +Linux B-Operating_System Linux O +, O , O +this O this O +will O will O +be O be O +pointing O pointing O +to O to O +the O the O +/dev/shm B-File_Name /dev/shm B-Code_Block +shared O shared O +memory O memory O +directory O directory O +, O , O +so O so O +be O be O +sure O sure O +your O your O +MediaDriver B-Library_Class MediaDriver B-Code_Block +is O is O +doing O doing O +the O the O +same O same O +! O ! O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4172 I-Code_Block GR_4172 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +run O run O +the O the O +AeronStat B-Library_Class AeronStat B-Code_Block +utility O utility O +to O to O +read O read O +system O system O +counters O counters O +from O from O +a O a O +command O command O +line O line O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4173 I-Code_Block GR_4173 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Media B-Application Media O +Driver I-Application Driver O +Packaging O Packaging O + +The O The O +Media B-Application Media O +Driver I-Application Driver O +is O is O +packaged O packaged O +by O by O +the O the O +default O default O +build O build O +into O into O +an O an O +application O application O +that O that O +can O can O +be O be O +found O found O +here O here O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4174 I-Code_Block GR_4174 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Troubleshooting O Troubleshooting O + +On O On O +linux B-Operating_System linux O +, O , O +the O the O +subscriber O subscriber O +sample O sample O +throws O throws O +an O an O +exception B-Library_Class exception O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4175 I-Code_Block GR_4175 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +is O is O +actually O actually O +an O an O +out O out O +of O of O +disk B-Device disk O +space O space O +issue O issue O +. O . O + +To O To O +alleviate O alleviate O +, O , O +check O check O +to O to O +make O make O +sure O sure O +you O you O +have O have O +enough O enough O +disk B-Device disk O +space O space O +. O . O + +In O In O +the O the O +samples O samples O +, O , O +on O on O +Linux B-Operating_System Linux O +, O , O +this O this O +will O will O +probably O probably O +be O be O +either O either O +at O at O +/dev/shm/aeron B-File_Name /dev/shm/aeron B-Code_Block +or O or O +/tmp/aeron B-File_Name /tmp/aeron B-Code_Block +( O ( O +depending O depending O +on O on O +your O your O +settings O settings O +) O ) O +. O . O + +See O See O +this O this O +thread O thread O +for O for O +a O a O +similar O similar O +problem O problem O +. O . O + +Note O Note O +: O : O +if O if O +you O you O +are O are O +trying O trying O +to O to O +run O run O +this O this O +inside O inside O +a O a O +Linux B-Operating_System Linux O +Docker B-Application Docker O +, O , O +be O be O +aware O aware O +that O that O +, O , O +by O by O +default O default O +, O , O +Docker B-Application Docker O +only O only O +allocates O allocates O +64 O 64 O +MB O MB O +to O to O +the O the O +shared O shared O +memory O memory O +space O space O +at O at O +/dev/shm B-File_Name /dev/shm B-Code_Block +. O . O + +However O However O +, O , O +the O the O +samples O samples O +will O will O +quickly O quickly O +outgrow O outgrow O +this O this O +. O . O + +You O You O +can O can O +work O work O +around O around O +this O this O +issue O issue O +by O by O +using O using O +the O the O +--shm-size B-Code_Block --shm-size B-Code_Block +argument O argument O +for O for O +docker B-Code_Block docker B-Code_Block +run I-Code_Block run I-Code_Block +or O or O +shm_size B-Library_Variable shm_size B-Code_Block +in O in O +docker-compose.yaml B-File_Name docker-compose.yaml B-Code_Block +. O . O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/25 O https://github.com/rgeo/rgeo-activerecord/issues/25 O + +Thanks O Thanks O +@teeparham B-User_Name @teeparham O +! O ! O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/76 O https://github.com/linked-statistics/xkos/issues/76 O + + +SKOS B-Library SKOS O +explicitely O explicitely O +allows O allows O +subProperties O subProperties O +of O of O +skos:related B-Library_Class skos:related O +as O as O +a O a O +possible O possible O +extension O extension O +mechanism O mechanism O +. O . O + +As O As O +a O a O +matter O matter O +of O of O +fact O fact O +, O , O +Example O Example O +31 O 31 O +of O of O +SKOS B-Library SKOS O +is O is O +exactly O exactly O +a O a O +cause/effect O cause/effect O +example O example O +; O ; O + +The O The O +subproperties O subproperties O +introduced O introduced O +aim O aim O +at O at O +accomodating O accomodating O +the O the O +ISO O ISO O +704:2009 O 704:2009 O +and O and O +ISO O ISO O +1087-1:2000 O 1087-1:2000 O +standard O standard O +mentionned O mentionned O +in O in O +the O the O +introduction O introduction O +( O ( O +see O see O +issue O issue O +#85 O #85 O +and O and O +PR O PR O +#111 O #111 O +) O ) O + +Introducing O Introducing O +subPropertyOf O subPropertyOf O +skos:related B-Library_Class skos:related O +is O is O +precisely O precisely O +a O a O +way O way O +of O of O +staying O staying O +in O in O +the O the O +SKOS B-Library SKOS O +niche O niche O +while O while O +not O not O +drifting O drifting O +to O to O +OWL B-Library OWL O +; O ; O +there O there O +exists O exists O +frequent O frequent O +use-cases O use-cases O +of O of O +SKOS B-Library SKOS O +users O users O +that O that O +want O want O +to O to O +stay O stay O +in O in O +the O the O +SKOS B-Library SKOS O +world O world O +while O while O +adding O adding O +slightly O slightly O +more O more O +semantic O semantic O +to O to O +their O their O +KOS B-Library KOS O +, O , O +and O and O +extending O extending O +the O the O +SKOS B-Library SKOS O +model O model O +is O is O +a O a O +straightforward O straightforward O +way O way O +to O to O +address O address O +this O this O +. O . O + +Getty B-Library Getty O +AAT I-Library AAT O +is O is O +a O a O +good O good O +example O example O +of O of O +that O that O +. O . O + +We O We O +acknowledge O acknowledge O +that O that O +alternative O alternative O +modelling O modelling O +are O are O +possible O possible O +; O ; O +the O the O +ability O ability O +to O to O +create O create O +qualified O qualified O +relationships O relationships O +remains O remains O +possible O possible O +with O with O +the O the O +proposed O proposed O +modelling O modelling O +; O ; O + +We O We O +do O do O +n't O n't O +see O see O +any O any O +reason O reason O +why O why O +the O the O +proposed O proposed O +modelling O modelling O +limits O limits O +the O the O +ability O ability O +to O to O +lift O lift O +a O a O +classification O classification O +to O to O +an O an O +OWL-DL O OWL-DL O +ontology O ontology O +, O , O +or O or O +to O to O +map O map O +it O it O +with O with O +vocabularies O vocabularies O +such O such O +as O as O +schema.org B-Website schema.org O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Repository_Link O Repository_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk O https://github.com/google-ar/arcore-unreal-sdk O + +Google B-Application Google O +ARCore I-Application ARCore O +SDK I-Application SDK O +for O for O +Unreal B-Application Unreal O + +Copyright B-Licence Copyright O +( I-Licence ( O +c I-Licence c O +) I-Licence ) O +2017 B-Licence 2017 O +Google I-Licence Google O +Inc I-Licence Inc O +. I-Licence . O +All O All O +rights O rights O +reserved O reserved O +. O . O + +This O This O +SDK B-Application SDK O +provides O provides O +native O native O +APIs B-Library APIs O +for O for O +all O all O +of O of O +the O the O +essential O essential O +AR O AR O +features O features O +like O like O +motion O motion O +tracking O tracking O +, O , O +environmental O environmental O +understanding O understanding O +, O , O +and O and O +light O light O +estimation O estimation O +. O . O + +With O With O +these O these O +capabilities O capabilities O +you O you O +can O can O +build O build O +entirely O entirely O +new O new O +AR O AR O +experiences O experiences O +or O or O +enhance O enhance O +existing O existing O +apps O apps O +with O with O +AR O AR O +features O features O +. O . O + +Please O Please O +note O note O +, O , O +we O we O +do O do O +not O not O +accept O accept O +pull O pull O +requests O requests O +. O . O + +Quick O Quick O +Start O Start O + +To O To O +build O build O +ARCore B-Application ARCore O +apps O apps O +with O with O +Unreal B-Application Unreal O +Engine I-Application Engine O +, O , O +you O you O +must O must O +use O use O +a O a O +version O version O +of O of O +Unreal B-Application Unreal O +Engine I-Application Engine O +with O with O +GoogleARCore B-Application GoogleARCore O +plugin I-Application plugin O +integrated O integrated O +. O . O + +For O For O +more O more O +information O information O +, O , O +see O see O +the O the O +Getting O Getting O +Started O Started O +with O with O +Unreal B-Application Unreal O +developer O developer O +guide O guide O +. O . O + +API B-Library API O +Reference O Reference O + +See O See O +the O the O +ARCore B-Application ARCore O +for O for O +Unreal B-Application Unreal O +API B-Library API O +Reference O Reference O +. O . O + +Release O Release O +Notes O Notes O + +The O The O +SDK B-Application SDK O +release O release O +notes O notes O +are O are O +available O available O +on O on O +the O the O +releases O releases O +page O page O +. O . O + +Additional O Additional O +Terms O Terms O + +You O You O +must O must O +disclose O disclose O +the O the O +use O use O +of O of O +ARCore B-Application ARCore O +, O , O +and O and O +how O how O +it O it O +collects O collects O +and O and O +processes O processes O +data O data O +. O . O + +This O This O +can O can O +be O be O +done O done O +by O by O +displaying O displaying O +a O a O +prominent O prominent O +link O link O +to O to O +the O the O +site O site O +" O " O +How O How O +Google B-Organization Google O +uses O uses O +data O data O +when O when O +you O you O +use O use O +our O our O +partners O partners O +' O ' O +sites O sites O +or O or O +apps O apps O +" O " O +, O , O +( O ( O +located O located O +at O at O +www.google.com/policies/privacy/partners/ O www.google.com/policies/privacy/partners/ O +, O , O +or O or O +any O any O +other O other O +URL O URL O +Google B-Organization Google O +may O may O +provide O provide O +from O from O +time O time O +to O to O +time O time O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +TMaluleke/hello O TMaluleke/hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/TMaluleke/hello-world O https://github.com/TMaluleke/hello-world O + +hello-world O hello-world O + +Just O Just O +a O a O +repository O repository O +learning O learning O +how O how O +to O to O +use O use O +a O a O +git B-Application git O +. O . O + +Git B-Application Git O +Tutorials O Tutorials O + +Second O Second O +changes O changes O +made O made O +to O to O +the O the O +read B-File_Name read O +me I-File_Name me O +file O file O +. O . O + +The O The O +best O best O +of O of O +the O the O +band O band O +is O is O +measured O measured O +by O by O +the O the O +crowd O crowd O +it O it O +pulls O pulls O +. O . O + +The O The O +Git B-Application Git O +idea O idea O +is O is O +not O not O +a O a O +rocket O rocket O +science O science O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/42 O https://github.com/demigor/lex.db/issues/42 O + +UPDATE O UPDATE O +: O : O + +I O I O +manage O manage O +to O to O +get O get O +it O it O +working O working O +if O if O +I O I O +build O build O +the O the O +Lex.Db.IOS B-Application Lex.Db.IOS O +project O project O +from O from O +source O source O +and O and O +then O then O +reference O reference O +the O the O +resulting O resulting O +Lex.Db.DLL B-File_Name Lex.Db.DLL O +file O file O +in O in O +my O my O +iOS B-Operating_System iOS O +project O project O +, O , O +instead O instead O +of O of O +using O using O +the O the O +NuGet B-Application NuGet O +package O package O +. O . O + +My O My O +PCL B-Library PCL O +is O is O +still O still O +using O using O +the O the O +NuGet B-Application NuGet O +package O package O +. O . O + +It O It O +seems O seems O +I O I O +only O only O +have O have O +an O an O +issue O issue O +when O when O +I O I O +add O add O +Lex.Db B-Application Lex.Db O +from O from O +NuGet B-Application NuGet O +. O . O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/117 O https://github.com/katzer/cordova-plugin-background-mode/issues/117 O + +Another O Another O +important O important O +hint O hint O +: O : O +In O In O +Xcode B-Application Xcode O +, O , O +click O click O +on O on O +" O " O +Show O Show O +the O the O +debug O debug O +navigator O navigator O +" O " O +button B-User_Interface_Element button O +to O to O +check O check O +the O the O +CPU B-Device CPU O +usage O usage O +of O of O +your O your O +app O app O +. O . O + +When O When O +you O you O +app O app O +enter O enter O +in O in O +background O background O +mode O mode O +, O , O +if O if O +you O you O +are O are O +using O using O +any O any O +non-sound O non-sound O +resources O resources O +, O , O +the O the O +CPU B-Device CPU O +meter O meter O +will O will O +increase O increase O +highly O highly O +and O and O +iOS B-Operating_System iOS O +9 B-Version 9 O +will O will O +kill O kill O +your O your O +process O process O +. O . O + +So O So O +you O you O +will O will O +get O get O +the O the O +" O " O +Terminated O Terminated O +due O due O +to O to O +signal B-Error_Name signal O +9 I-Error_Name 9 O +. O . O +" O " O + +error O error O +. O . O + +That O That O +means O means O +the O the O +operational O operational O +system O system O +kill O kill O +your O your O +process O process O +. O . O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/19 O https://github.com/ben-eb/metalsmith-remark/issues/19 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +remark-html B-Library remark-html O +just O just O +published O published O +its O its O +new O new O +version O version O +4.0.0 B-Version 4.0.0 O +. O . O + +State O State O + + +Update O Update O +:rocket O :rocket O +: O : O + + +Dependency O Dependency O + + + +remark-html B-Library remark-html O + + +New O New O +version O version O + + + +4.0.0 B-Version 4.0.0 O + + +Type O Type O + + + +dependency O dependency O + + +This O This O +version O version O +is O is O +not O not O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +. O . O + +Without O Without O +accepting O accepting O +this O this O +pull O pull O +request O request O +your O your O +project O project O +will O will O +work O work O +just O just O +like O like O +it O it O +did O did O +before O before O +. O . O + +There O There O +might O might O +be O be O +a O a O +bunch O bunch O +of O of O +new O new O +features O features O +, O , O +fixes O fixes O +and O and O +perf O perf O +improvements O improvements O +that O that O +the O the O +maintainers O maintainers O +worked O worked O +on O on O +for O for O +you O you O +though O though O +. O . O + +I O I O +recommend O recommend O +you O you O +look O look O +into O into O +these O these O +changes O changes O +and O and O +try O try O +to O to O +get O get O +onto O onto O +the O the O +latest O latest O +version O version O +of O of O +remark-html B-Library remark-html O +. O . O + +Given O Given O +that O that O +you O you O +have O have O +a O a O +decent O decent O +test O test O +suite O suite O +, O , O +a O a O +passing O passing O +build O build O +is O is O +a O a O +strong O strong O +indicator O indicator O +that O that O +you O you O +can O can O +take O take O +advantage O advantage O +of O of O +these O these O +changes O changes O +by O by O +merging O merging O +the O the O +proposed O proposed O +change O change O +into O into O +your O your O +project O project O +. O . O + +Otherwise O Otherwise O +this O this O +branch O branch O +is O is O +a O a O +great O great O +starting O starting O +point O point O +for O for O +you O you O +to O to O +work O work O +on O on O +the O the O +update O update O +. O . O + +Do O Do O +you O you O +have O have O +any O any O +ideas O ideas O +how O how O +I O I O +could O could O +improve O improve O +these O these O +pull O pull O +requests O requests O +? O ? O + +Did O Did O +I O I O +report O report O +anything O anything O +you O you O +think O think O +is O is O +n't O n't O +right O right O +? O ? O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +while O while O +I O I O +'m O 'm O +just O just O +a O a O +bot O bot O +, O , O +there O there O +is O is O +a O a O +group O group O +of O of O +people O people O +who O who O +are O are O +happy O happy O +to O to O +teach O teach O +me O me O +new O new O +things O things O +. O . O + +Let O Let O +them O them O +know O know O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +:sparkles O :sparkles O +: O : O + +You O You O +rock O rock O +! O ! O + +:palm_tree O :palm_tree O +: O : O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +8 O 8 O +commits O commits O +. O . O + +da73b54 B-Code_Block da73b54 B-Code_Block +4.0.0 I-Code_Block 4.0.0 I-Code_Block + +7f5a771 B-Code_Block 7f5a771 B-Code_Block +Update I-Code_Block Update I-Code_Block +dev-dependencies I-Code_Block dev-dependencies I-Code_Block + +d736f08 B-Code_Block d736f08 B-Code_Block +Update I-Code_Block Update I-Code_Block +to I-Code_Block to I-Code_Block +include I-Code_Block include I-Code_Block +propper I-Code_Block propper I-Code_Block +sanitation I-Code_Block sanitation I-Code_Block + +93ccf20 B-Code_Block 93ccf20 B-Code_Block +3.0.1 I-Code_Block 3.0.1 I-Code_Block + +83b9054 B-Code_Block 83b9054 B-Code_Block +Update I-Code_Block Update I-Code_Block +metadata I-Code_Block metadata I-Code_Block + +050e785 B-Code_Block 050e785 B-Code_Block +Add I-Code_Block Add I-Code_Block +Node@^ I-Code_Block Node@^ I-Code_Block +6.0.0 I-Code_Block 6.0.0 I-Code_Block +to I-Code_Block to I-Code_Block +Travis I-Code_Block Travis I-Code_Block +targets I-Code_Block targets I-Code_Block + +fe755c0 B-Code_Block fe755c0 B-Code_Block +Update I-Code_Block Update I-Code_Block +codecov I-Code_Block codecov I-Code_Block +interface I-Code_Block interface I-Code_Block + +8c9ed9e B-Code_Block 8c9ed9e B-Code_Block +Update I-Code_Block Update I-Code_Block +dev-dependencies I-Code_Block dev-dependencies I-Code_Block + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +This O This O +pull O pull O +request O request O +was O was O +created O created O +by O by O +greenkeeper.io O greenkeeper.io O +. O . O + +Tired O Tired O +of O of O +seeing O seeing O +this O this O +sponsor O sponsor O +message O message O +? O ? O + +:zap O :zap O +: O : O +greenkeeper B-Code_Block greenkeeper B-Code_Block +upgrade I-Code_Block upgrade I-Code_Block + +Repository_Name O Repository_Name O +: O : O +nerab/TaskWarriorMail O nerab/TaskWarriorMail O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/nerab/TaskWarriorMail/issues/2 O https://github.com/nerab/TaskWarriorMail/issues/2 O + +Delivered O Delivered O +with O with O +7050b8e952fb58861d5bb299ea03268437885fcb O 7050b8e952fb58861d5bb299ea03268437885fcb O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/1 O https://github.com/mfellner/webpack-sandboxed/issues/1 O + + +Coverage O Coverage O +remained O remained O +the O the O +same O same O +at O at O +89.326 O 89.326 O +% O % O +when O when O +pulling O pulling O +ad0db60aa207e901367dacaadd1e8405fea399d4 O ad0db60aa207e901367dacaadd1e8405fea399d4 O +on O on O +yarn-on-travis O yarn-on-travis O +into O into O +24bce6f329f5781664fb71519b4252c31570a68b O 24bce6f329f5781664fb71519b4252c31570a68b O +on O on O +master O master O +. O . O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/5 O https://github.com/mfellner/webpack-sandboxed/issues/5 O + + +Coverage O Coverage O +decreased O decreased O +( O ( O +-1.2 O -1.2 O +% O % O +) O ) O +to O to O +88.75 O 88.75 O +% O % O +when O when O +pulling O pulling O +f4db21f1dc9d03a580e65ec462e565f733617e87 O f4db21f1dc9d03a580e65ec462e565f733617e87 O +on O on O +fix-module-loading O fix-module-loading O +into O into O +5d71ac9f6f55c4303eab5713f32a77c2fea5e229 O 5d71ac9f6f55c4303eab5713f32a77c2fea5e229 O +on O on O +master O master O +. O . O + +Repository_Name O Repository_Name O +: O : O +Forneus/programmering O Forneus/programmering O +-a-inlamningar O -a-inlamningar O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Forneus/programmering-a-inlamningar/issues/1 O https://github.com/Forneus/programmering-a-inlamningar/issues/1 O + +Kommer O Kommer O +ej O ej O +på O på O +vilken O vilken O +funktion O funktion O +/ O / O +vilket O vilket O +kommando O kommando O +jag O jag O +ska O ska O +använda O använda O +mig O mig O +av O av O +för O för O +att O att O +rita O rita O +vanliga O vanliga O +streck O streck O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/2 O https://github.com/linked-statistics/xkos/issues/2 O + +Add O Add O +a O a O +reference O reference O +to O to O +Dagstuhl B-Organization Dagstuhl O +workshop O workshop O +and O and O +license O license O +info O info O +to O to O +the O the O +Ontology O Ontology O +ressource O ressource O +. O . O + +Repository_Name O Repository_Name O +: O : O +OpenPrograms/MiscPrograms O OpenPrograms/MiscPrograms O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/OpenPrograms/MiscPrograms/issues/7 O https://github.com/OpenPrograms/MiscPrograms/issues/7 O + +Hi O Hi O +there O there O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/269 O https://github.com/katzer/cordova-plugin-background-mode/issues/269 O + +cordova.plugins.backgroundMode.setEnabled(true) B-Code_Block cordova.plugins.backgroundMode.setEnabled(true) B-Code_Block +; I-Code_Block ; I-Code_Block + +This O This O +code O code O +is O is O +not O not O +working O working O +in O in O +android B-Operating_System android O +and O and O + +cordova.plugins.backgroundMode.isEnabled() B-Code_Block cordova.plugins.backgroundMode.isEnabled() B-Code_Block +; I-Code_Block ; I-Code_Block + +This O This O +code O code O +returning O returning O +always O always O +" O " O +False O False O +" O " O +. O . O + +I O I O +have O have O +tried O tried O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GI_18671 I-Code_Block GI_18671 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GI_18672 I-Code_Block GI_18672 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +both O both O +code O code O +give O give O +me O me O +always O always O +false O false O +in O in O +different O different O +devices O devices O +and O and O +os O os O +versions O versions O +. O . O + +I O I O +am O am O +using O using O +cordova B-Library cordova O +6.5.0 B-Version 6.5.0 O +and O and O +ionic B-Application ionic O +1 B-Version 1 O +What O What O +should O should O +I O I O +do O do O +. O . O + +I O I O +have O have O +tried O tried O +both O both O +code O code O +differently O differently O +. O . O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/24 O https://github.com/koding/kd-atom/issues/24 O + + +Repository_Name O Repository_Name O +: O : O +skonves/Konves.Collections O skonves/Konves.Collections O + +Repository_Link O Repository_Link O +: O : O +https://github.com/skonves/Konves.Collections O https://github.com/skonves/Konves.Collections O + +Konves.Collections O Konves.Collections O + +Contains O Contains O +classes B-Data_Structure classes O +that O that O +can O can O +be O be O +used O used O +as O as O +collections O collections O +in O in O +the O the O +object O object O +model O model O +of O of O +a O a O +reusable O reusable O +library O library O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/13 O https://github.com/smirarab/pasta/issues/13 O + +See O See O +if O if O +this O this O +is O is O +helpful O helpful O +: O : O +https://www.ncbi.nlm.nih.gov/pubmed/26357090 O https://www.ncbi.nlm.nih.gov/pubmed/26357090 O + +Mafft B-Application Mafft O +seems O seems O +to O to O +have O have O +a O a O +CUDA B-Application CUDA O +version O version O +. O . O + +If O If O +you O you O +can O can O +get O get O +that O that O +and O and O +replace O replace O +it O it O +within O within O +PASTA B-Application PASTA O +, O , O +it O it O +may O may O +work O work O +. O . O + +Give O Give O +it O it O +a O a O +try O try O +and O and O +let O let O +me O me O +know O know O +if O if O +you O you O +need O need O +help O help O +. O . O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Repository_Link O Repository_Link O +: O : O +https://github.com/McMenemy/GoDoRP O https://github.com/McMenemy/GoDoRP O + +GoDoRP B-Application GoDoRP O + +GoDoRP B-Application GoDoRP O +( O ( O +Golang B-Language Golang O +, O , O +Docker B-Application Docker O +, O , O +React B-Library React O +, O , O +Postgres B-Application Postgres O +) O ) O +project O project O +starter O starter O +. O . O + +Disclaimer O Disclaimer O +: O : O +This O This O +project O project O +is O is O +not O not O +actively O actively O +supported O supported O +and O and O +not O not O +recommended O recommended O +for O for O +production O production O +apps O apps O +. O . O + +Hope O Hope O +it O it O +serves O serves O +as O as O +a O a O +learning O learning O +resource O resource O +. O . O + +Features O Features O + +Start O Start O +a O a O +GoDoRP B-Application GoDoRP O +project O project O +with O with O +one O one O +command O command O +on O on O +any O any O +computer B-Device computer O +with O with O +docker-compose B-Application docker-compose O +installed O installed O + +Dev O Dev O +mode O mode O +features O features O +hot O hot O +reloading O reloading O +on O on O +code O code O +changes O changes O +for O for O +both O both O +the O the O +GoLang B-Language GoLang O +backend O backend O +and O and O +React B-Library React O +frontend O frontend O +( O ( O +no O no O +need O need O +to O to O +rebuild O rebuild O +containers O containers O +while O while O +coding O coding O +) O ) O + +Production O Production O +mode O mode O +features O features O +optimized O optimized O +static O static O +React B-Library React O +frontend O frontend O +and O and O +binary O binary O +goLang B-Language goLang O +backend O backend O + +Production O Production O +images B-User_Interface_Element images O +built O built O +by O by O +passing O passing O +a O a O +single O single O +arg O arg O +option O option O +( O ( O +images B-User_Interface_Element images O +can O can O +then O then O +run O run O +on O on O +any O any O +computer B-Device computer O +with O with O +Docker B-Application Docker O +) O ) O + +Benefits O Benefits O + +Anyone O Anyone O +can O can O +contribute O contribute O +to O to O +your O your O +project O project O +locally O locally O +without O without O +having O having O +to O to O +setup/install O setup/install O +GOPATH B-Library_Variable GOPATH O +, O , O +Postgres B-Application Postgres O +, O , O +node O node O +etc O etc O + +Dev O Dev O +environment O environment O +is O is O +the O the O +same O same O +as O as O +production O production O +environment O environment O + +Quickly O Quickly O +get O get O +your O your O +GoDoRP B-Application GoDoRP O +project O project O +off O off O +the O the O +ground O ground O + +Forking O Forking O +the O the O +repo O repo O +allows O allows O +for O for O +customization O customization O +of O of O +the O the O +template O template O +for O for O +your O your O +preferences O preferences O + +Getting O Getting O +started O started O +: O : O + +download O download O +docker-compose B-Application docker-compose O +if O if O +not O not O +already O already O +installed O installed O +Then O Then O +run O run O +the O the O +following O following O +commands O commands O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_61047 I-Code_Block GR_61047 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +you O you O +can O can O +open O open O +the O the O +React B-Library React O +frontend O frontend O +at O at O +localhost:3000 O localhost:3000 O +and O and O +the O the O +RESTful B-Library RESTful O +GoLang I-Library GoLang O +API I-Library API O +at O at O +localhost:5000 O localhost:5000 O + +Changing O Changing O +any O any O +frontend O frontend O +( O ( O +React B-Library React O +) O ) O +code O code O +locally O locally O +will O will O +cause O cause O +a O a O +hot-reload O hot-reload O +in O in O +the O the O +browser B-Application browser O +with O with O +updates O updates O +and O and O +changing O changing O +any O any O +backend O backend O +( O ( O +GoLang B-Language GoLang O +) O ) O +code O code O +locally O locally O +will O will O +also O also O +automatically O automatically O +update O update O +any O any O +changes O changes O +. O . O + +Then O Then O +to O to O +build O build O +production O production O +images B-User_Interface_Element images O +run O run O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_61048 I-Code_Block GR_61048 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Repository_Link O Repository_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels O https://github.com/projectatomic/ContainerApplicationGenericLabels O + +Standard O Standard O +Container/Application O Container/Application O +Identifiers O Identifiers O + +Default O Default O +Containerized O Containerized O +Application O Application O +Labels/Annotations/Ids O Labels/Annotations/Ids O +used O used O +to O to O +document O document O +the O the O +application O application O +and/or O and/or O +image B-User_Interface_Element image O + +With O With O +the O the O +introduction O introduction O +of O of O +the O the O +Atomic B-Application Atomic O +command O command O +, O , O +we O we O +are O are O +accessing O accessing O +container O container O +image B-User_Interface_Element image O +meta O meta O +data O data O +to O to O +describe O describe O +the O the O +purpose O purpose O +of O of O +the O the O +image B-User_Interface_Element image O +or O or O +the O the O +application O application O +defined O defined O +by O by O +the O the O +image B-User_Interface_Element image O +. O . O + +We O We O +would O would O +like O like O +to O to O +get O get O +consensus O consensus O +on O on O +default O default O +names O names O +. O . O + +Proposals O Proposals O +have O have O +been O been O +made O made O +to O to O +namespace O namespace O +the O the O +label O label O +names O names O +defined O defined O +in O in O +Docker B-Application Docker O +. O . O + +But O But O +we O we O +believe O believe O +there O there O +should O should O +be O be O +some O some O +generic O generic O +toplevel O toplevel O +names O names O +defined O defined O +that O that O +are O are O +not O not O +vendor O vendor O +specific O specific O +, O , O +or O or O +distribution O distribution O +specific O specific O +. O . O + +If O If O +you O you O +would O would O +like O like O +to O to O +see O see O +additional O additional O +names O names O +and O and O +descriptions O descriptions O +added O added O +please O please O +open O open O +issues O issues O +and O and O +send O send O +pull O pull O +requests O requests O +to O to O +update O update O +this O this O +readme B-File_Name readme O +. O . O + +Overview O Overview O + +The O The O +following O following O +types O types O +of O of O +data O data O +are O are O +being O being O +considered O considered O +: O : O + +Labels O Labels O +used O used O +to O to O +describe O describe O +how O how O +to O to O +use O use O +the O the O +application/image B-User_Interface_Element application/image O + +Name O Name O + +Description O Description O + +help O help O + +Command O Command O +to O to O +run O run O +the O the O +help O help O +command O command O +of O of O +the O the O +image B-User_Interface_Element image O + +run O run O + +Command O Command O +to O to O +run O run O +the O the O +image B-User_Interface_Element image O + +run_opts_file B-Code_Block run_opts_file O + +Path O Path O +to O to O +a O a O +file O file O +containing O containing O +options O options O +that O that O +will O will O +be O be O +used O used O +in O in O +' O ' O +run O run O +' O ' O +command O command O +in O in O +place O place O +of O of O +${RUN_OPTS} B-Code_Block ${RUN_OPTS} O + +uninstall B-Code_Block uninstall O + +Command O Command O +to O to O +uninstall O uninstall O +the O the O +image B-User_Interface_Element image O + +install B-Code_Block install O + +Command O Command O +to O to O +install O install O +the O the O +image B-User_Interface_Element image O + +stop B-Code_Block stop O + +Command O Command O +to O to O +execute O execute O +before O before O +stopping O stopping O +container O container O + +debug B-Code_Block debug O + +Command O Command O +to O to O +run O run O +the O the O +image B-User_Interface_Element image O +with O with O +debugging O debugging O +turned O turned O +on O on O + +Labels O Labels O +Names O Names O +used O used O +to O to O +describe O describe O +the O the O +application/image B-User_Interface_Element application/image O + +Name O Name O + +Description O Description O + +name B-Library_Variable name O + +Name O Name O +of O of O +the O the O +Image B-User_Interface_Element Image O + +version B-Library_Variable version O + +Version O Version O +of O of O +the O the O +image B-User_Interface_Element image O + +release B-Library_Variable release O + +Release O Release O +Number O Number O +for O for O +this O this O +version O version O + +architecture B-Library_Variable architecture O + +Architecture O Architecture O +for O for O +the O the O +image B-User_Interface_Element image O + +build-date B-Library_Variable build-date O + +Date/Time O Date/Time O +image B-User_Interface_Element image O +was O was O +built O built O +as O as O +RFC B-Data_Type RFC O +3339 I-Data_Type 3339 O +date-time I-Data_Type date-time O + +vendor B-Library_Variable vendor O + +Owner O Owner O +of O of O +the O the O +image B-User_Interface_Element image O + +url B-Library_Variable url O + +Url O Url O +with O with O +more O more O +information O information O +on O on O +the O the O +image B-User_Interface_Element image O + +summary B-Library_Variable summary O + +Short O Short O +Description O Description O +of O of O +the O the O +image B-User_Interface_Element image O + +description B-Library_Variable description O + +Detailed O Detailed O +description O description O +of O of O +the O the O +image B-User_Interface_Element image O + +vcs-type B-Library_Variable vcs-type O + +The O The O +type O type O +of O of O +version O version O +control O control O +used O used O +by O by O +the O the O +container O container O +source O source O +. O . O + +Generally O Generally O +one O one O +of O of O +git B-Application git O +, O , O +hg B-Application hg O +, O , O +svn B-Application svn O +, O , O +bzr B-Application bzr O +, O , O +cvs B-Application cvs O + +vcs-url B-Library_Variable vcs-url O + +URL O URL O +of O of O +the O the O +version O version O +control O control O +repository O repository O + +vcs-ref B-Library_Variable vcs-ref O + +A O A O +' O ' O +reference O reference O +' O ' O +within O within O +the O the O +version O version O +control O control O +repository O repository O +; O ; O +e.g O e.g O +. O . O + +a O a O +git B-Application git O +commit O commit O +, O , O +or O or O +a O a O +subversion B-Application subversion O +branch O branch O + +authoritative-source-url B-Library_Variable authoritative-source-url O + +The O The O +authoritative O authoritative O +location O location O +in O in O +which O which O +the O the O +image B-User_Interface_Element image O +is O is O +published O published O + +distribution-scope B-Library_Variable distribution-scope O + +Intended O Intended O +scope O scope O +of O of O +distribution O distribution O +for O for O +image B-User_Interface_Element image O +( O ( O +see O see O +below O below O +for O for O +possible O possible O +values O values O +) O ) O + +changelog-url B-Library_Variable changelog-url O + +URL O URL O +of O of O +a O a O +page O page O +containing O containing O +release O release O +notes O notes O +for O for O +the O the O +image B-User_Interface_Element image O + +Possible O Possible O +values O values O +of O of O +distribution-scope B-Library_Variable distribution-scope O +field O field O + +Name O Name O + +Description O Description O + +private B-Code_Block private O + +No O No O +public O public O +redistribution O redistribution O +intended O intended O + +authoritative-source-only B-Code_Block authoritative-source-only O + +Redistribution O Redistribution O +only O only O +from O from O +the O the O +source O source O +listed O listed O +in O in O +the O the O +' O ' O +authoritative-source-url O authoritative-source-url O +' O ' O +label O label O + +restricted B-Code_Block restricted O + +Redistribution O Redistribution O +only O only O +with O with O +permission O permission O + +public B-Code_Block public O + +No O No O +redistribution O redistribution O +limits O limits O +beyond O beyond O +licenses O licenses O + +Custom O Custom O +labels O labels O +may O may O +be O be O +defined O defined O +by O by O +a O a O +namespace O namespace O +prefix O prefix O +using O using O +reverse O reverse O +DNS O DNS O +notation O notation O +of O of O +a O a O +domain O domain O +controlled O controlled O +by O by O +the O the O +author O author O +. O . O + +For O For O +example O example O +, O , O +com.redhat.access B-Code_Block com.redhat.access B-Code_Block +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_39653 I-Code_Block GR_39653 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Details O Details O +on O on O +Labels O Labels O + +authoritative-source-url B-Library_Variable authoritative-source-url B-Code_Block + +The O The O +authoritative O authoritative O +location O location O +the O the O +image O image O +is O is O +published O published O +by O by O +the O the O +owner O owner O +. O . O + +In O In O +combination O combination O +with O with O +the O the O +' O ' O +name O name O +' O ' O +label O label O +, O , O +this O this O +tells O tells O +a O a O +user O user O +where O where O +to O to O +go O go O +and O and O +look O look O +for O for O +official O official O +updates O updates O +and O and O +current O current O +versions O versions O +of O of O +the O the O +image O image O +, O , O +regardless O regardless O +of O of O +the O the O +local O local O +tags O tags O +. O . O + +distribution-scope B-Library_Variable distribution-scope B-Code_Block + +The O The O +intended O intended O +scope O scope O +of O of O +distribution O distribution O +for O for O +the O the O +image B-User_Interface_Element image O +. O . O + +Allows O Allows O +a O a O +user O user O +to O to O +define O define O +the O the O +intended O intended O +scope O scope O +of O of O +distribution O distribution O +. O . O + +This O This O +addresses O addresses O +the O the O +end-user O end-user O +case O case O +of O of O +internal O internal O +builds O builds O +vs O vs O +. O . O +public O public O +content O content O +and O and O +the O the O +use O use O +case O case O +of O of O +a O a O +vendor O vendor O +like O like O +Red B-Organization Red O +Hat I-Organization Hat O +that O that O +provides O provides O +content O content O +streams O streams O +under O under O +subscription O subscription O +agreements O agreements O +- O - O +which O which O +is O is O +different O different O +from O from O +the O the O +license(s) O license(s) O +of O of O +the O the O +image B-User_Interface_Element image O +content O content O +. O . O + +In O In O +combination O combination O +with O with O +the O the O +' O ' O +authoritative-source-url B-Library_Variable authoritative-source-url O +' O ' O +and O and O +' O ' O +name B-Library_Variable name O +' O ' O +labels O labels O +allows O allows O +automatic O automatic O +redirect O redirect O +to O to O +the O the O +authoritative O authoritative O +source O source O +. O . O + +Signing O Signing O +Server B-Application Server O +Metadata O Metadata O +" O " O +sigstore B-Library_Variable sigstore O +" O " O +Image B-User_Interface_Element Image O + +Signing O Signing O +server B-Application server O +metadata O metadata O +may O may O +be O be O +served O served O +by O by O +a O a O +special O special O +image B-User_Interface_Element image O +in O in O +a O a O +repository O repository O +. O . O + +The O The O +image B-User_Interface_Element image O +shall O shall O +be O be O +named O named O +" O " O +sigstore B-Library_Variable sigstore O +" O " O +and O and O +contain O contain O +the O the O +following O following O +labels O labels O +, O , O +all O all O +required O required O +: O : O + +Name O Name O + +Description O Description O + +sigstore-url B-Library_Variable sigstore-url O + +The O The O +signature O signature O +server B-Application server O +URL O URL O +, O , O +including O including O +port O port O + +sigstore-type B-Library_Variable sigstore-type O + +Signature O Signature O +server B-Application server O +type O type O +, O , O +either O either O +" O " O +docker B-Application docker O +" O " O +( O ( O +static O static O +web O web O +server B-Application server O +) O ) O +or O or O +" O " O +atomic B-Application atomic O +" O " O +( O ( O +Atomic B-Application Atomic O +Registry I-Application Registry O +and O and O +OpenShift B-Library OpenShift O +API I-Library API O +) O ) O + +pubkey-id B-Library_Variable pubkey-id O + +The O The O +public O public O +key O key O +ID O ID O +in O in O +the O the O +form O form O +of O of O +an O an O +email O email O +address O address O + +pubkey-fingerprint B-Library_Variable pubkey-fingerprint O + +The O The O +public O public O +key O key O +fingerprint O fingerprint O +, O , O +typically O typically O +a O a O +long O long O +hexidecimal O hexidecimal O +string B-Data_Type string O + +pubkey-url B-Library_Variable pubkey-url O + +The O The O +URL O URL O +to O to O +download O download O +the O the O +public O public O +key O key O + +Example O Example O +Dockerfile B-File_Type Dockerfile O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_39654 I-Code_Block GR_39654 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/5 O https://github.com/rcfbanalysis/rcfbscraper/issues/5 O + +I O I O +think O think O +I O I O +can O can O +take O take O +care O care O +of O of O +this O this O +issue O issue O +. O . O + +Every O Every O +time O time O +I O I O +ran O ran O +into O into O +this O this O +it O it O +was O was O +from O from O +duplicate O duplicate O +data O data O +. O . O + +I O I O +was O was O +just O just O +messing O messing O +around O around O +the O the O +other O other O +day O day O +, O , O +and O and O +a O a O +simple O simple O +filter O filter O +that O that O +removes O removes O +exact O exact O +duplicates O duplicates O +from O from O +a O a O +drive O drive O +was O was O +effective O effective O +. O . O + +I O I O +also O also O +tried O tried O +to O to O +make O make O +sure O sure O +# O # O +of O of O +plays O plays O +in O in O +summary O summary O += O = O +number O number O +of O of O +plays O plays O +. O . O + +But O But O +this O this O +will O will O +require O require O +changes O changes O +to O to O +the O the O +way O way O +we O we O +are O are O +counting O counting O +plays O plays O +. O . O + +for O for O +example O example O +kicks O kicks O +timeouts O timeouts O +and O and O +penalties O penalties O +are O are O +counted O counted O +as O as O +plays O plays O +in O in O +current O current O +parser O parser O +, O , O +but O but O +are O are O +n't O n't O +in O in O +reality O reality O +. O . O + +Additionally O Additionally O +the O the O +drive O drive O +summary O summary O +is O is O +wrong O wrong O +just O just O +as O as O +often O often O +, O , O +so O so O +Its O Its O +really O really O +just O just O +a O a O +guideline O guideline O +. O . O + +Repository_Name O Repository_Name O +: O : O +AhmedAMohamed/UberLikeApplicationService O AhmedAMohamed/UberLikeApplicationService O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/AhmedAMohamed/UberLikeApplicationService/issues/3 O https://github.com/AhmedAMohamed/UberLikeApplicationService/issues/3 O + +Signed-off-by O Signed-off-by O +: O : O +Ahmed B-User_Name Ahmed O +Alaa I-User_Name Alaa O +ahmedalaa3307023@gmail.com O ahmedalaa3307023@gmail.com O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/2 O https://github.com/zeroepoch/plotbitrate/issues/2 O + +Thanks O Thanks O +! O ! O + +That O That O +helped O helped O +! O ! O + +Great O Great O +tool O tool O +! O ! O + +! O ! O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/75 O https://github.com/spacetelescope/specview/issues/75 O + +When O When O +one O one O +types O types O +a O a O +new O new O +value O value O +for O for O +any O any O +given O given O +parameter O parameter O +in O in O +the O the O +model B-Application model O +editor I-Application editor O +, O , O +the O the O +plot O plot O +does O does O +not O not O +update O update O +. O . O + +This O This O +should O should O +be O be O +implementable O implementable O +by O by O +responding O responding O +to O to O +a O a O +parameter O parameter O +change O change O +event O event O +in O in O +the O the O +same O same O +way O way O +the O the O +code O code O +now O now O +responds O responds O +to O to O +a O a O +request O request O +to O to O +fit O fit O +the O the O +model O model O +, O , O +except O except O +that O that O +there O there O +is O is O +no O no O +fit O fit O +but O but O +just O just O +a O a O +re-computation O re-computation O +of O of O +model O model O +values O values O +and O and O +subsequent O subsequent O +actions O actions O +such O such O +as O as O +refreshing O refreshing O +the O the O +plots O plots O +. O . O + +Repository_Name O Repository_Name O +: O : O +kassius/markdown O kassius/markdown O +-placeholder O -placeholder O + +Repository_Link O Repository_Link O +: O : O +https://github.com/kassius/markdown-placeholder O https://github.com/kassius/markdown-placeholder O + +markdown-placeholder B-Application markdown-placeholder O + +Or O Or O +Markdown B-Application Markdown O +Lorem I-Application Lorem O +Ipsum I-Application Ipsum O + +Markdown B-Application Markdown O +placeholder I-Application placeholder O +or O or O +markdown B-Application markdown O +lorem I-Application lorem O +ipsum I-Application ipsum O +is O is O +a O a O +placeholder O placeholder O +for O for O +testing O testing O +markdown B-Application markdown O +and O and O +markdown B-Application markdown O +extra I-Application extra O +templating O templating O +. O . O + +Rendered O Rendered O + +https://github.com/kassius/markdown-placeholder/blob/master/markdown-placeholder.md O https://github.com/kassius/markdown-placeholder/blob/master/markdown-placeholder.md O + +RAW O RAW O +.md B-File_Type .md O + +https://raw.githubusercontent.com/kassius/markdown-placeholder/master/markdown-placeholder.md O https://raw.githubusercontent.com/kassius/markdown-placeholder/master/markdown-placeholder.md O + +Syntax O Syntax O + +Markdown B-Application Markdown O +original O original O + +https://daringfireball.net/projects/markdown/ O https://daringfireball.net/projects/markdown/ O + +Markdown B-Application Markdown O +Extra I-Application Extra O + +https://michelf.ca/projects/php-markdown/extra/ O https://michelf.ca/projects/php-markdown/extra/ O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/8 O https://github.com/koding/kd-atom/issues/8 O + +Following O Following O +screenshot O screenshot O +is O is O +a O a O +result O result O +of O of O +running O running O +kd:teams B-Code_Block kd:teams B-Code_Block +command O command O +: O : O + +I O I O +ca O ca O +n't O n't O +use O use O +current O current O +atom B-Application atom O +window O window O +right O right O +now O now O +. O . O + +running O running O +window:reload B-Code_Block window:reload B-Code_Block +is O is O +the O the O +solution O solution O +i O i O +use O use O +right O right O +now O now O +. O . O + +alternatively O alternatively O +, O , O +using O using O +dev O dev O +tools O tools O +to O to O +remove O remove O +blocking O blocking O +dom B-Application dom O +elements O elements O +is O is O +another O another O +solution O solution O +. O . O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/3 O https://github.com/rgeo/rgeo-activerecord/issues/3 O + +Yeah O Yeah O +, O , O +I O I O +think O think O +you O you O +'re O 're O +right O right O +. O . O + +I O I O +'ll O 'll O +fix O fix O +this O this O +in O in O +the O the O +adapters O adapters O +. O . O + +Thanks O Thanks O +! O ! O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/1 O https://github.com/dhrrgn/codeigniter-uhoh/issues/1 O + +This O This O +file O file O +should O should O +be O be O +loaded O loaded O +in O in O +index.php B-File_Name index.php O +and O and O +respect O respect O +the O the O +ENVIRONMENT O ENVIRONMENT O +that O that O +is O is O +set O set O +in O in O +2.0 B-Version 2.0 O +Reactor B-Application Reactor O +. O . O + +This O This O +file O file O +will O will O +override O override O +the O the O +default O default O +Exception B-Library_Class Exception O +class O class O +and O and O +error O error O +handlers O handlers O +completely O completely O +. O . O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/97 O https://github.com/moxie-lean/ng-patternlab/issues/97 O + + +What O What O +kind O kind O +of O of O +change O change O +does O does O +this O this O +PR O PR O +introduce O introduce O +? O ? O + +( O ( O +Bug O Bug O +fix O fix O +, O , O +feature O feature O +, O , O +docs O docs O +update O update O +, O , O +.. O .. O +. O . O +) O ) O +feature O feature O + +What O What O +is O is O +the O the O +current O current O +behavior O behavior O +? O ? O + +( O ( O +You O You O +can O can O +also O also O +link O link O +to O to O +an O an O +open O open O +issue O issue O +here O here O +) O ) O + +What O What O +is O is O +the O the O +new O new O +behavior O behavior O +( O ( O +if O if O +this O this O +is O is O +a O a O +feature O feature O +change O change O +) O ) O +? O ? O + +Add O Add O +disqus O disqus O +component O component O + +Does O Does O +this O this O +PR O PR O +introduce O introduce O +a O a O +breaking O breaking O +change O change O +? O ? O + +( O ( O +What O What O +changes O changes O +might O might O +users O users O +need O need O +to O to O +make O make O +in O in O +their O their O +application O application O +due O due O +to O to O +this O this O +PR O PR O +? O ? O +) O ) O + +no O no O + +Other O Other O +information O information O +: O : O + +Repository_Name O Repository_Name O +: O : O +glome/gnb O glome/gnb O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/glome/gnb/issues/1 O https://github.com/glome/gnb/issues/1 O + +This O This O +project O project O +has O has O +vulnerabilities O vulnerabilities O +that O that O +could O could O +not O not O +be O be O +fixed O fixed O +, O , O +or O or O +were O were O +patched O patched O +when O when O +no O no O +upgrade O upgrade O +was O was O +available O available O +. O . O + +Good O Good O +news O news O +, O , O +new O new O +upgrades O upgrades O +or O or O +patches O patches O +have O have O +now O now O +been O been O +published O published O +! O ! O + +This O This O +pull O pull O +request O request O +fixes O fixes O +vulnerable O vulnerable O +dependencies O dependencies O +you O you O +could O could O +n't O n't O +previously O previously O +address O address O +. O . O + +The O The O +PR O PR O +includes O includes O +: O : O + +package.json B-File_Name package.json B-Code_Block +scripts O scripts O +and O and O +a O a O +Snyk B-Application Snyk O +policy O policy O +( O ( O +.snyk B-File_Type .snyk B-Code_Block +) O ) O +file O file O +, O , O +which O which O +patch O patch O +the O the O +vulnerabilities O vulnerabilities O +that O that O +ca O ca O +n't O n't O +be O be O +upgraded O upgraded O +away O away O +and O and O +ignore O ignore O +vulnerabilities O vulnerabilities O +with O with O +no O no O +fixes O fixes O +. O . O + +Vulnerabilities O Vulnerabilities O +that O that O +will O will O +be O be O +fixed O fixed O + +With O With O +a O a O +Snyk B-Application Snyk O +patch O patch O +: O : O + +npm:ms:20170412 O npm:ms:20170412 O + +You O You O +can O can O +read O read O +more O more O +about O about O +Snyk B-Application Snyk O +'s O 's O +upgrade O upgrade O +and O and O +patch O patch O +logic O logic O +in O in O +Snyk B-Application Snyk O +'s O 's O +documentation O documentation O +. O . O + +Note O Note O +that O that O +this O this O +pull O pull O +request O request O +only O only O +addresses O addresses O +vulnerabilities O vulnerabilities O +that O that O +previously O previously O +had O had O +no O no O +fixes O fixes O +. O . O + +See O See O +the O the O +Snyk B-Application Snyk O +test O test O +report O report O +to O to O +review O review O +and O and O +remediate O remediate O +the O the O +full O full O +list O list O +of O of O +vulnerable O vulnerable O +dependencies O dependencies O +. O . O + +Check O Check O +the O the O +changes O changes O +in O in O +this O this O +PR O PR O +to O to O +ensure O ensure O +they O they O +wo O wo O +n't O n't O +cause O cause O +issues O issues O +with O with O +your O your O +project O project O +. O . O + +Stay O Stay O +secure O secure O +, O , O +The O The O +Snyk B-Application Snyk O +team O team O + +snyk:metadata:{"type":"remediation","packageManager":"npm","vulns":["npm:ms:20170412"],"patch":["npm:ms:20170412"],"ignore":[],"upgrade":[],"isBreakingChange":false,"env":"prod"} O snyk:metadata:{"type":"remediation","packageManager":"npm","vulns":["npm:ms:20170412"],"patch":["npm:ms:20170412"],"ignore":[],"upgrade":[],"isBreakingChange":false,"env":"prod"} O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/36 O https://github.com/linked-statistics/xkos/issues/36 O + +Resolved O Resolved O +in O in O +commits O commits O +d5684f3 O d5684f3 O +, O , O +259b935 O 259b935 O +and O and O +4056e48 O 4056e48 O +. O . O + +Repository_Name O Repository_Name O +: O : O +AhmedAMohamed/UberLikeApplicationService O AhmedAMohamed/UberLikeApplicationService O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/AhmedAMohamed/UberLikeApplicationService/issues/2 O https://github.com/AhmedAMohamed/UberLikeApplicationService/issues/2 O + +Signed-off-by O Signed-off-by O +: O : O +Ahmed B-User_Name Ahmed O +Alaa I-User_Name Alaa O +ahmedalaa3307023@gmail.com O ahmedalaa3307023@gmail.com O + +Repository_Name O Repository_Name O +: O : O +Forneus/programmering O Forneus/programmering O +-a-inlamningar O -a-inlamningar O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Forneus/programmering-a-inlamningar/issues/1 O https://github.com/Forneus/programmering-a-inlamningar/issues/1 O + +Lagom O Lagom O +avstånd O avstånd O +, O , O +tjocklek O tjocklek O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/33 O https://github.com/google-ar/arcore-unreal-sdk/issues/33 O + +I O I O +do O do O +have O have O +the O the O +same O same O +error O error O +with O with O +the O the O +general O general O +UE B-Application UE O +samples O samples O +. O . O + +Thanks O Thanks O +, O , O +I O I O +will O will O +further O further O +look O look O +into O into O +it O it O +through O through O +Epic B-Organization Epic O +'s O 's O +channels O channels O +. O . O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Repository_Link O Repository_Link O +: O : O +https://github.com/thehyve/puppet-i2b2 O https://github.com/thehyve/puppet-i2b2 O + +puppet-i2b2 B-Application puppet-i2b2 O + +Module O Module O +for O for O +installing O installing O +i2b2 B-Application i2b2 O +, O , O +including O including O +the O the O +server B-Application server O +part O part O +, O , O +the O the O +webclient O webclient O +and O and O +the O the O +admin O admin O +interface O interface O +. O . O + +Requires O Requires O +Puppet B-Application Puppet O +4 B-Version 4 O +, O , O +or O or O +at O at O +least O least O +the O the O +future O future O +parser O parser O +to O to O +be O be O +enabled O enabled O +. O . O + +System O System O +tests O tests O + +To O To O +run O run O +the O the O +system O system O +tests O tests O +, O , O +you O you O +need O need O +Vagrant B-Application Vagrant O +installed O installed O +. O . O + +Then O Then O +, O , O +run O run O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_82882 I-Code_Block GR_82882 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Some O Some O +environment O environment O +variables O variables O +may O may O +be O be O +useful O useful O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_82883 I-Code_Block GR_82883 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +BEAKER_debug B-Library_Variable BEAKER_debug B-Code_Block +variable O variable O +shows O shows O +the O the O +commands O commands O +being O being O +run O run O +on O on O +the O the O +STU O STU O +and O and O +their O their O +output O output O +. O . O + +BEAKER_destroy B-Code_Block BEAKER_destroy B-Code_Block += I-Code_Block = I-Code_Block +no I-Code_Block no I-Code_Block +prevents O prevents O +the O the O +machine O machine O +destruction O destruction O +after O after O +the O the O +tests O tests O +finish O finish O +so O so O +you O you O +can O can O +inspect O inspect O +the O the O +state O state O +. O . O + +BEAKER_provision B-Code_Block BEAKER_provision B-Code_Block += I-Code_Block = I-Code_Block +no I-Code_Block no I-Code_Block +prevents O prevents O +the O the O +machine O machine O +from O from O +being O being O +recreated O recreated O +. O . O + +This O This O +can O can O +save O save O +a O a O +lot O lot O +of O of O +time O time O +while O while O +you O you O +'re O 're O +writing O writing O +the O the O +tests O tests O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/17 O https://github.com/demigor/lex.db/issues/17 O + +Is O Is O +it O it O +possible O possible O +to O to O +have O have O +iOS B-Operating_System iOS O +support O support O +? O ? O + +If O If O +it O it O +is O is O +, O , O +please O please O +give O give O +me O me O +a O a O +rough O rough O +direction O direction O +and O and O +I O I O +'ll O 'll O +try O try O +to O to O +do O do O +the O the O +port O port O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/6 O https://github.com/McMenemy/GoDoRP/issues/6 O + +Seems O Seems O +like O like O +a O a O +known O known O +problem O problem O +for O for O +windows B-Operating_System windows O +. O . O + +This O This O +form O form O +post O post O +has O has O +some O some O +suggestions O suggestions O +. O . O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/8 O https://github.com/mfellner/webpack-sandboxed/issues/8 O + + +Coverage O Coverage O +remained O remained O +the O the O +same O same O +at O at O +86.957 O 86.957 O +% O % O +when O when O +pulling O pulling O +6251c61aa001f6fa3c495028371726a4bc55325a O 6251c61aa001f6fa3c495028371726a4bc55325a O +on O on O +fix-publication O fix-publication O +into O into O +b2a4c42789a750b7ef3fdbf71c954923c87f23d1 O b2a4c42789a750b7ef3fdbf71c954923c87f23d1 O +on O on O +master O master O +. O . O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/11 O https://github.com/SivanMehta/wander/issues/11 O + +I O I O +'ll O 'll O +merge O merge O +this O this O +since O since O +this O this O +is O is O +just O just O +removing O removing O +the O the O +memory O memory O +consuming O consuming O +files O files O +as O as O +suggested O suggested O +in O in O +the O the O +last O last O +pr O pr O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Repository_Link O Repository_Link O +: O : O +https://github.com/zeroepoch/plotbitrate O https://github.com/zeroepoch/plotbitrate O + +PlotBitrate O PlotBitrate O + +FFProbe B-Application FFProbe O +Bitrate O Bitrate O +Graph B-User_Interface_Element Graph O + +This O This O +project O project O +contains O contains O +a O a O +script O script O +for O for O +plotting O plotting O +the O the O +bitrate O bitrate O +of O of O +an O an O +audio O audio O +or O or O +video O video O +stream O stream O +over O over O +time O time O +. O . O + +To O To O +get O get O +the O the O +frame O frame O +bitrate O bitrate O +data O data O +ffprobe B-Application ffprobe O +is O is O +used O used O +from O from O +the O the O +ffmpeg B-Application ffmpeg O +package O package O +. O . O + +The O The O +ffprobe B-Application ffprobe O +data O data O +is O is O +streamed O streamed O +to O to O +python B-Language python O +as O as O +xml B-Language xml O +frame O frame O +metadata O metadata O +and O and O +sorted O sorted O +by O by O +frame O frame O +type O type O +. O . O + +Matplotlib B-Library Matplotlib O +is O is O +used O used O +to O to O +plot O plot O +each O each O +frame O frame O +type O type O +on O on O +the O the O +same O same O +graph B-User_Interface_Element graph O +with O with O +lines O lines O +for O for O +the O the O +peak O peak O +and O and O +mean O mean O +bitrates O bitrates O +. O . O + +The O The O +resulting O resulting O +bitrate O bitrate O +graph B-User_Interface_Element graph O +can O can O +be O be O +saved O saved O +as O as O +an O an O +image B-User_Interface_Element image O +. O . O + +Variable O Variable O +framerate O framerate O +streams O streams O +are O are O +not O not O +currently O currently O +accurately O accurately O +calculated O calculated O +. O . O + +Requirements O Requirements O +: O : O + +Python B-Language Python O +3.x B-Version 3.x O + +FFMpeg B-Application FFMpeg O +>= B-Version >= O +1.2 I-Version 1.2 O +with O with O +the O the O +ffprobe B-Application ffprobe O +command O command O + +Matplotlib B-Library Matplotlib O +python B-Version python O +3 I-Version 3 O +library O library O + +Usage O Usage O +Examples O Examples O + +Show O Show O +video O video O +stream O stream O +bitrate O bitrate O +in O in O +a O a O +window B-User_Interface_Element window O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_183140 I-Code_Block GR_183140 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Save O Save O +video O video O +stream O stream O +bitrate O bitrate O +to O to O +an O an O +SVG B-File_Type SVG O +file O file O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_183141 I-Code_Block GR_183141 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Show O Show O +audio O audio O +stream O stream O +bitrate O bitrate O +in O in O +a O a O +window B-User_Interface_Element window O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_183142 I-Code_Block GR_183142 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/3 O https://github.com/thehyve/puppet-i2b2/issues/3 O + +After O After O +running O running O +the O the O +beaker B-Application beaker O +tests O tests O +and O and O +leaving O leaving O +the O the O +machine O machine O +on O on O +, O , O +we O we O +get O get O +the O the O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_19850 I-Code_Block GR_19850 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +PatAltimore/active O PatAltimore/active O +-directory-cordova-graphapi O -directory-cordova-graphapi O + +Repository_Link O Repository_Link O +: O : O +https://github.com/PatAltimore/active-directory-cordova-graphapi O https://github.com/PatAltimore/active-directory-cordova-graphapi O + + +services O services O +: O : O +active-directory B-Application active-directory O +platforms O platforms O +: O : O +javascript B-Language javascript O +author O author O +: O : O +vibronet B-User_Name vibronet O + +Calling O Calling O +the O the O +Graph B-Library Graph O +API I-Library API O +in O in O +an O an O +Apache B-Library Apache O +Cordova I-Library Cordova O +app O app O + +This O This O +sample O sample O +demonstrates O demonstrates O +the O the O +usage O usage O +of O of O +the O the O +AAD B-Application AAD O +Graph I-Application Graph O +plugin O plugin O +for O for O +Apache B-Library Apache O +Cordova I-Library Cordova O +to O to O +build O build O +an O an O +Apache B-Library Apache O +Cordova I-Library Cordova O +app O app O +for O for O +managing O managing O +an O an O +Azure B-Application Azure O +Active I-Application Active O +Directory I-Application Directory O +via O via O +AAD B-Library AAD O +Graph I-Library Graph O +API I-Library API O +. O . O + +This O This O +sample O sample O +solution O solution O +demonstrates O demonstrates O +the O the O +usage O usage O +of O of O +the O the O +AAD B-Application AAD O +Graph I-Application Graph O +plugin O plugin O +for O for O +Apache B-Library Apache O +Cordova I-Library Cordova O +to O to O +build O build O +an O an O +Apache B-Library Apache O +Cordova I-Library Cordova O +app O app O +, O , O +targeting O targeting O +several O several O +different O different O +platforms O platforms O +with O with O +a O a O +single O single O +code O code O +base O base O +. O . O + +The O The O +application O application O +signs O signs O +users O users O +in O in O +with O with O +Azure B-Application Azure O +Active I-Application Active O +Directory I-Application Directory O +( O ( O +AAD B-Application AAD O +) O ) O +, O , O +using O using O +the O the O +Active B-Library Active O +Directory I-Library Directory O +Authentication I-Library Authentication O +Library I-Library Library O +( O ( O +ADAL B-Library ADAL O +) O ) O +plugin O plugin O +for O for O +Cordova B-Library Cordova O +to O to O +obtain O obtain O +a O a O +JWT B-Application JWT O +access O access O +token O token O +through O through O +the O the O +OAuth B-Licence OAuth O +2.0 B-Version 2.0 O +protocol O protocol O +. O . O + +The O The O +access O access O +token O token O +is O is O +sent O sent O +to O to O +AAD B-Application AAD O +'s O 's O +Graph B-Library Graph O +API I-Library API O +to O to O +authenticate O authenticate O +the O the O +user O user O +and O and O +obtain O obtain O +information O information O +about O about O +users O users O +, O , O +groups O groups O +and O and O +applications O applications O +. O . O + +For O For O +more O more O +information O information O +about O about O +how O how O +the O the O +protocols O protocols O +work O work O +in O in O +this O this O +scenario O scenario O +and O and O +other O other O +scenarios O scenarios O +, O , O +see O see O +Authentication O Authentication O +Scenarios O Scenarios O +for O for O +Azure B-Application Azure O +AD I-Application AD O +. O . O + +AAD B-Application AAD O +Graph I-Application Graph O +plugin O plugin O +for O for O +Apache B-Library Apache O +Cordova I-Library Cordova O +is O is O +an O an O +open O open O +source O source O +library O library O +. O . O + +For O For O +distribution O distribution O +options O options O +, O , O +source O source O +code O code O +, O , O +and O and O +contributions O contributions O +, O , O +check O check O +out O out O +the O the O +AAD B-Library AAD O +Graph I-Library Graph O +Cordova I-Library Cordova O +repo O repo O +at O at O +https://github.com/Azure-Samples/active-directory-cordova-graphapi O https://github.com/Azure-Samples/active-directory-cordova-graphapi O +. O . O + +About O About O +The O The O +Sample O Sample O + +If O If O +you O you O +would O would O +like O like O +to O to O +get O get O +started O started O +immediately O immediately O +, O , O +skip O skip O +this O this O +section O section O +and O and O +jump O jump O +to O to O +How O How O +To O To O +Run O Run O +The O The O +Sample O Sample O +. O . O + +This O This O +sample O sample O +demonstrates O demonstrates O +a O a O +simple O simple O +application O application O +, O , O +which O which O +allows O allows O +a O a O +user O user O +to O to O +retrieve O retrieve O +and O and O +manage O manage O +directory O directory O +users O users O +, O , O +groups O groups O +and O and O +applications O applications O +. O . O + +Available O Available O +actions O actions O +include O include O +CRUD O CRUD O +and O and O +some O some O +specific O specific O +operations O operations O +like O like O +Reset O Reset O +user O user O +password O password O +and O and O +Restore O Restore O +deleted O deleted O +application O application O +. O . O + +Supported O Supported O +platforms O platforms O +: O : O +iOS B-Operating_System iOS O +, O , O +Android B-Operating_System Android O +, O , O +Windows B-Application Windows O +Store I-Application Store O +and O and O +Windows B-Operating_System Windows O +Phone B-Device Phone O +. O . O + +NOTE O NOTE O +: O : O +You O You O +should O should O +login O login O +as O as O +a O a O +Global O Global O +Administrator O Administrator O +in O in O +order O order O +to O to O +all O all O +sample O sample O +functionality O functionality O +to O to O +work O work O +; O ; O +you O you O +may O may O +get O get O +" O " O +Insufficient O Insufficient O +privileges O privileges O +" O " O +error O error O +otherwise O otherwise O +. O . O + +How O How O +To O To O +Run O Run O +This O This O +Sample O Sample O + +Prerequisites O Prerequisites O + +To O To O +run O run O +this O this O +sample O sample O +you O you O +will O will O +need O need O +: O : O + +An O An O +Internet O Internet O +connection O connection O + +A O A O +Windows B-Operating_System Windows O +8.1 B-Version 8.1 O +64-bit O 64-bit O +machine O machine O +with O with O +minimum O minimum O +4 O 4 O +GB O GB O +of O of O +RAM O RAM O +if O if O +you O you O +want O want O +to O to O +run O run O +Windows B-Operating_System Windows O +Table/PC B-Device Table/PC O +apps O apps O +. O . O + +Processor O Processor O +that O that O +supports O supports O +Client O Client O +Hyper-V O Hyper-V O +and O and O +Second O Second O +Level O Level O +Address O Address O +Translation O Translation O +( O ( O +SLAT O SLAT O +) O ) O +is O is O +also O also O +required O required O +if O if O +you O you O +want O want O +to O to O +run O run O +Windows B-Operating_System Windows O +Phone B-Device Phone O +8.1 B-Version 8.1 O +app O app O +on O on O +emulator B-Application emulator O +. O . O + +A O A O +Mac B-Operating_System Mac O +OSX I-Operating_System OSX O +10.8.5/Mountain B-Version 10.8.5/Mountain O +Lion I-Version Lion O +or O or O +higher O higher O +machine O machine O +with O with O +4 O 4 O +GB O GB O +of O of O +RAM O RAM O +if O if O +you O you O +want O want O +to O to O +run O run O +iOS B-Operating_System iOS O +app O app O +. O . O + +To O To O +run O run O +Android B-Operating_System Android O +app O app O +you O you O +can O can O +choose O choose O +among O among O + +Mac B-Operating_System Mac O +OSX I-Operating_System OSX O +10.8.5/Mountain B-Version 10.8.5/Mountain O +Lion I-Version Lion O +or O or O +higher O higher O +machine O machine O +with O with O +4 O 4 O +GB O GB O +of O of O +RAM O RAM O + +Linux B-Operating_System Linux O +machine O machine O +( O ( O +GNOME B-Application GNOME O +or O or O +KDE B-Application KDE O +desktop O desktop O +) O ) O +with O with O +4 O 4 O +GB O GB O +of O of O +RAM O RAM O +( O ( O +tested O tested O +on O on O +Ubuntu® B-Operating_System Ubuntu® O +14.04 B-Version 14.04 O +) O ) O + +Windows B-Operating_System Windows O +8 B-Version 8 O +or O or O +higher O higher O +machine O machine O +with O with O +4 O 4 O +GB O GB O +of O of O +RAM O RAM O + +Git B-Application Git O + +NodeJS B-Application NodeJS O + +Cordova B-Application Cordova O +CLI I-Application CLI O + +( O ( O +can O can O +be O be O +easily O easily O +installed O installed O +via O via O +NPM B-Application NPM O +package O package O +manager O manager O +: O : O +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +-g I-Code_Block -g I-Code_Block +cordova I-Code_Block cordova I-Code_Block +) O ) O + +Platform O Platform O +specific O specific O +development O development O +tools O tools O +depending O depending O +on O on O +platform(s) O platform(s) O +you O you O +want O want O +to O to O +run O run O +sample O sample O +application O application O +on O on O +: O : O + +To O To O +build O build O +and O and O +run O run O +Windows B-Operating_System Windows O +Tablet/PC B-Device Tablet/PC O +or O or O +Phone B-Device Phone O +app O app O +version O version O + +Visual B-Application Visual O +Studio I-Application Studio O +2013 B-Version 2013 O +for O for O +Windows B-Operating_System Windows O +with O with O +Update O Update O +2 B-Version 2 O +or O or O +later O later O +( O ( O +Express B-Version Express O +or O or O +another O another O +version O version O +) O ) O +. O . O + +To O To O +build O build O +and O and O +run O run O +for O for O +iOS B-Operating_System iOS O + +Xcode B-Application Xcode O +5.x B-Version 5.x O +or O or O +greater O greater O +. O . O + +Download O Download O +it O it O +at O at O +http://developer.apple.com/downloads O http://developer.apple.com/downloads O +or O or O +the O the O +Mac B-Application Mac O +App I-Application App O +Store I-Application Store O + +ios-sim B-Application ios-sim O +– O – O +allows O allows O +you O you O +to O to O +launch O launch O +iOS B-Operating_System iOS O +apps O apps O +into O into O +the O the O +iOS B-Application iOS O +Simulator I-Application Simulator O +from O from O +the O the O +command O command O +line O line O +( O ( O +can O can O +be O be O +easily O easily O +installed O installed O +via O via O +the O the O +terminal B-Application terminal O +: O : O +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +-g I-Code_Block -g I-Code_Block +ios-sim I-Code_Block ios-sim I-Code_Block +) O ) O + +To O To O +build O build O +and O and O +run O run O +application O application O +for O for O +Android B-Operating_System Android O + +Install O Install O +Java B-Application Java O +Development I-Application Development O +Kit I-Application Kit O +( O ( O +JDK B-Application JDK O +) O ) O +7 B-Version 7 O +or O or O +later O later O +. O . O + +Make O Make O +sure O sure O +JAVA_HOME B-Library_Variable JAVA_HOME B-Code_Block +( O ( O +Environment O Environment O +Variable O Variable O +) O ) O +is O is O +correctly O correctly O +set O set O +according O according O +to O to O +JDK B-Application JDK O +installation O installation O +path O path O +( O ( O +for O for O +example O example O +C:\Program O C:\Program O +Files O Files O +\Java\jdk1.7.0_75) O \Java\jdk1.7.0_75) O +. O . O + +Install O Install O +Android B-Application Android O +SDK I-Application SDK O +and O and O +add O add O + B-Code_Block B-Code_Block +\tools I-Code_Block \tools I-Code_Block +location O location O +( O ( O +for O for O +example O example O +, O , O +C:\tools\Android\android-sdk\tools O C:\tools\Android\android-sdk\tools O +) O ) O +to O to O +your O your O +PATH B-Library_Variable PATH B-Code_Block +Environment O Environment O +Variable O Variable O +. O . O + +Open O Open O +Android B-Application Android O +SDK I-Application SDK O +Manager I-Application Manager O +( O ( O +for O for O +example O example O +, O , O +via O via O +terminal B-Application terminal O +: O : O +android B-Code_Block android B-Code_Block +) O ) O +and O and O +install O install O + +Android B-Operating_System Android O +5.1.1 B-Version 5.1.1 O +( O ( O +API B-Application API O +2 B-Version 2 O +2) I-Version 2) O +platform O platform O +SDK B-Application SDK O + +Android B-Application Android O +SDK I-Application SDK O +Build-tools O Build-tools O +version O version O +19.1.0 B-Version 19.1.0 O +or O or O +higher O higher O + +Android O Android O +Support O Support O +Repository O Repository O +( O ( O +Extras O Extras O +) O ) O + +Android B-Application Android O +sdk I-Application sdk O +does O does O +n't O n't O +provide O provide O +any O any O +default O default O +emulator B-Application emulator O +instance O instance O +. O . O + +Create O Create O +a O a O +new O new O +one O one O +by O by O +running O running O +android B-Code_Block android B-Code_Block +avd I-Code_Block avd I-Code_Block +from O from O +terminal B-Application terminal O +and O and O +then O then O +selecting O selecting O +Create. O Create. O +. O . O +if O if O +you O you O +want O want O +to O to O +run O run O +Android B-Operating_System Android O +app O app O +on O on O +emulator B-Application emulator O +. O . O + +Recommended O Recommended O +Api B-Application Api O +Level O Level O +is O is O +19 B-Version 19 O +or O or O +higher O higher O +, O , O +see O see O +AVD B-Application AVD O +Manager I-Application Manager O +for O for O +more O more O +information O information O +about O about O +Android B-Operating_System Android O +emulator B-Application emulator O +and O and O +creation O creation O +options O options O +. O . O + +Step O Step O +1 O 1 O +: O : O +Register O Register O +the O the O +sample O sample O +with O with O +your O your O +Azure B-Application Azure O +Active I-Application Active O +Directory I-Application Directory O +tenant O tenant O + +To O To O +use O use O +this O this O +sample O sample O +you O you O +will O will O +need O need O +a O a O +Microsoft B-Organization Microsoft O +Azure B-Application Azure O +Active I-Application Active O +Directory I-Application Directory O +Tenant I-Application Tenant O +. O . O + +If O If O +you O you O +'re O 're O +not O not O +sure O sure O +what O what O +a O a O +tenant O tenant O +is O is O +or O or O +how O how O +you O you O +would O would O +get O get O +one O one O +, O , O +read O read O +What O What O +is O is O +a O a O +Azure B-Application Azure O +AD I-Application AD O +tenant O tenant O +? O ? O + +or O or O +Sign O Sign O +up O up O +for O for O +Azure B-Application Azure O +as O as O +an O an O +organization O organization O +. O . O + +These O These O +docs O docs O +should O should O +get O get O +you O you O +started O started O +on O on O +your O your O +way O way O +to O to O +using O using O +Azure B-Application Azure O +AD I-Application AD O +. O . O + +Sign O Sign O +in O in O +to O to O +the O the O +Azure B-Application Azure O +management I-Application management O +portal I-Application portal O +. O . O + +Click O Click O +on O on O +Active O Active O +Directory O Directory O +in O in O +the O the O +left O left O +hand O hand O +nav B-User_Interface_Element nav O +. O . O + +Click O Click O +the O the O +directory O directory O +tenant O tenant O +where O where O +you O you O +wish O wish O +to O to O +register O register O +the O the O +sample O sample O +application O application O +. O . O + +Click O Click O +the O the O +Applications O Applications O +tab B-User_Interface_Element tab O +. O . O + +In O In O +the O the O +drawer O drawer O +, O , O +click O click O +Add O Add O +. O . O + +Click O Click O +" O " O +Add O Add O +an O an O +application O application O +my O my O +organization O organization O +is O is O +developing O developing O +" O " O +. O . O + +Enter O Enter O +a O a O +friendly O friendly O +name O name O +for O for O +the O the O +application O application O +, O , O +for O for O +example O example O +" O " O +AADGraphClient O AADGraphClient O +" O " O +, O , O +select O select O +" O " O +Native O Native O +Client O Client O +Application O Application O +" O " O +, O , O +and O and O +click O click O +next O next O +. O . O + +Enter O Enter O +a O a O +Redirect O Redirect O +Uri O Uri O +value O value O +of O of O +your O your O +choosing O choosing O +and O and O +of O of O +form O form O +http://AADGraphClient O http://AADGraphClient O +. O . O + +NOTE O NOTE O +: O : O +there O there O +are O are O +certain O certain O +platform O platform O +specific O specific O +features O features O +that O that O +can O can O +only O only O +be O be O +leveraged O leveraged O +by O by O +using O using O +Redirect O Redirect O +Uri O Uri O +values O values O +in O in O +specific O specific O +formats O formats O +. O . O + +We O We O +will O will O +add O add O +guidance O guidance O +about O about O +this O this O +soon O soon O +. O . O + +While O While O +still O still O +in O in O +the O the O +Azure B-Application Azure O +portal O portal O +, O , O +click O click O +the O the O +Configure O Configure O +tab B-User_Interface_Element tab O +of O of O +your O your O +application O application O +. O . O + +Find O Find O +the O the O +Client O Client O +ID O ID O +value O value O +and O and O +copy O copy O +it O it O +aside O aside O +, O , O +you O you O +will O will O +need O need O +this O this O +later O later O +when O when O +configuring O configuring O +your O your O +application O application O +. O . O + +In O In O +the O the O +Permissions O Permissions O +to O to O +Other O Other O +Applications O Applications O +configuration O configuration O +section O section O +, O , O +ensure O ensure O +that O that O +" O " O +Access O Access O +your O your O +organization O organization O +'s O 's O +directory O directory O +" O " O +and O and O +" O " O +Enable O Enable O +sign-on O sign-on O +and O and O +read O read O +user O user O +'s O 's O +profiles O profiles O +" O " O +are O are O +selected O selected O +under O under O +" O " O +Delegated O Delegated O +permissions O permissions O +" O " O +for O for O +Azure B-Application Azure O +Active I-Application Active O +Directory I-Application Directory O +. O . O + +Save O Save O +the O the O +configuration O configuration O +. O . O + +Step O Step O +2 O 2 O +: O : O +Clone O Clone O +or O or O +download O download O +this O this O +repository O repository O + +From O From O +your O your O +shell B-Application shell O +or O or O +command O command O +line O line O +: O : O + +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block +https://github.com/Azure-Samples/active-directory-cordova-graphapi.git I-Code_Block https://github.com/Azure-Samples/active-directory-cordova-graphapi.git I-Code_Block + +Step O Step O +3 O 3 O +: O : O +Clone O Clone O +or O or O +download O download O +AAD B-Application AAD O +Graph I-Application Graph O +for I-Application for O +Apache I-Application Apache O +Cordova I-Application Cordova O +plugin O plugin O + +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block +https://github.com/AzureAD/azure-activedirectory-cordova-plugin-graph.git I-Code_Block https://github.com/AzureAD/azure-activedirectory-cordova-plugin-graph.git I-Code_Block + +Step O Step O +4 O 4 O +: O : O +Create O Create O +new O new O +Apache B-Library Apache O +Cordova I-Library Cordova O +application O application O + +cordova B-Code_Block cordova B-Code_Block +create I-Code_Block create I-Code_Block +AADGraphSample I-Code_Block AADGraphSample I-Code_Block +--copy-from I-Code_Block --copy-from I-Code_Block += I-Code_Block = I-Code_Block +" I-Code_Block " I-Code_Block +NativeClient-GraphAPI-Cordova/AADGraphClient I-Code_Block NativeClient-GraphAPI-Cordova/AADGraphClient I-Code_Block +" I-Code_Block " I-Code_Block + +cd B-Code_Block cd B-Code_Block +AADGraphSample I-Code_Block AADGraphSample I-Code_Block + +Step O Step O +5 O 5 O +: O : O +Add O Add O +the O the O +platforms O platforms O +you O you O +want O want O +to O to O +support O support O + +cordova B-Code_Block cordova B-Code_Block +platform I-Code_Block platform I-Code_Block +add I-Code_Block add I-Code_Block +android I-Code_Block android I-Code_Block + +cordova B-Code_Block cordova B-Code_Block +platform I-Code_Block platform I-Code_Block +add I-Code_Block add I-Code_Block +ios I-Code_Block ios I-Code_Block + +cordova B-Code_Block cordova B-Code_Block +platform I-Code_Block platform I-Code_Block +add I-Code_Block add I-Code_Block +windows I-Code_Block windows I-Code_Block + +Note O Note O +: O : O +In O In O +case O case O +if O if O +you O you O +have O have O +a O a O +Visual B-Application Visual O +Studio I-Application Studio O +2015 B-Version 2015 O +Preview O Preview O +installed O installed O +you O you O +may O may O +have O have O +issues O issues O +with O with O +project O project O +packaging O packaging O +for O for O +Windows B-Operating_System Windows O +related O related O +to O to O +MSBuild B-Application MSBuild O +v.14 B-Version v.14 O +issue O issue O +. O . O + +You O You O +can O can O +workaround O workaround O +this O this O +issue O issue O +by O by O +using O using O +patched O patched O +cordova-windows O cordova-windows O +with O with O +MSBuild B-Application MSBuild O +reverted O reverted O +to O to O +v.12 B-Version v.12 O +: O : O + +Instead O Instead O +of O of O +cordova B-Code_Block cordova B-Code_Block +platform I-Code_Block platform I-Code_Block +add I-Code_Block add I-Code_Block +windows I-Code_Block windows I-Code_Block +use O use O + +cd B-Code_Block cd B-Code_Block +. I-Code_Block . I-Code_Block +. I-Code_Block . I-Code_Block + +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block +-b I-Code_Block -b I-Code_Block +msbuild14-issue I-Code_Block msbuild14-issue I-Code_Block +https://github.com/MSOpenTech/cordova-windows I-Code_Block https://github.com/MSOpenTech/cordova-windows I-Code_Block + +cd B-Code_Block cd B-Code_Block +AADGraphSample I-Code_Block AADGraphSample I-Code_Block + +cordova B-Code_Block cordova B-Code_Block +platform I-Code_Block platform I-Code_Block +add I-Code_Block add I-Code_Block +. I-Code_Block . I-Code_Block +. I-Code_Block . I-Code_Block +\cordova-windows I-Code_Block \cordova-windows I-Code_Block + +Step O Step O +6 O 6 O +: O : O +Add O Add O +required O required O +plugins O plugins O +to O to O +your O your O +cordova B-Library cordova O +app O app O + +cordova B-Code_Block cordova B-Code_Block +plugin I-Code_Block plugin I-Code_Block +add I-Code_Block add I-Code_Block +../azure I-Code_Block ../azure I-Code_Block +-activedirectory-cordova-plugin-graph I-Code_Block -activedirectory-cordova-plugin-graph I-Code_Block + +cordova B-Code_Block cordova B-Code_Block +plugin I-Code_Block plugin I-Code_Block +add I-Code_Block add I-Code_Block +cordova-plugin-device I-Code_Block cordova-plugin-device I-Code_Block + +cordova B-Code_Block cordova B-Code_Block +plugin I-Code_Block plugin I-Code_Block +add I-Code_Block add I-Code_Block +cordova-plugin-console I-Code_Block cordova-plugin-console I-Code_Block + +cordova B-Code_Block cordova B-Code_Block +plugin I-Code_Block plugin I-Code_Block +add I-Code_Block add I-Code_Block +com.ionic.keyboard I-Code_Block com.ionic.keyboard I-Code_Block + +Step O Step O +7 O 7 O +: O : O +Configure O Configure O +the O the O +sample O sample O +to O to O +use O use O +your O your O +Azure B-Application Azure O +Active I-Application Active O +Directory I-Application Directory O +tenant O tenant O + +Open O Open O +the O the O +app.js B-File_Name app.js B-Code_Block +file O file O +inside O inside O +created O created O +AADGraphSample/www/js/ B-Code_Block AADGraphSample/www/js/ B-Code_Block +folder O folder O +. O . O + +Find O Find O +the O the O +tenantName B-Library_Variable tenantName B-Code_Block +variable O variable O +and O and O +replace O replace O +its O its O +value O value O +with O with O +the O the O +Tenant O Tenant O +( O ( O +Azure B-Application Azure O +Active I-Application Active O +Directory I-Application Directory O +) O ) O +name O name O +from O from O +the O the O +Azure B-Application Azure O +portal O portal O +. O . O + +Find O Find O +the O the O +authority B-Library_Variable authority B-Code_Block +variable O variable O +and O and O +replace O replace O +its O its O +value O value O +' O ' O +part O part O +after O after O +https://login.windows.net/ B-Code_Block https://login.windows.net/ B-Code_Block +with O with O +the O the O +Tenant O Tenant O +( O ( O +Azure B-Application Azure O +Active I-Application Active O +Directory I-Application Directory O +) O ) O +name O name O +from O from O +the O the O +Azure B-Application Azure O +portal O portal O +. O . O + +Find O Find O +the O the O +appId B-Library_Variable appId B-Code_Block +variable O variable O +and O and O +replace O replace O +its O its O +value O value O +with O with O +the O the O +Client O Client O +Id O Id O +assigned O assigned O +to O to O +your O your O +app O app O +from O from O +the O the O +Azure B-Application Azure O +portal O portal O +. O . O + +Find O Find O +the O the O +redirectUrl B-Library_Variable redirectUrl B-Code_Block +variable O variable O +and O and O +replace O replace O +the O the O +value O value O +with O with O +the O the O +redirect O redirect O +Uri O Uri O +you O you O +registerd O registerd O +in O in O +the O the O +Azure B-Application Azure O +portal O portal O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9684 I-Code_Block GR_9684 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Step O Step O +8 O 8 O +: O : O +Build O Build O +and O and O +run O run O +the O the O +sample O sample O + +To O To O +build O build O +and O and O +run O run O +Windows B-Operating_System Windows O +Tablet/PC B-Device Tablet/PC O +application O application O +version O version O + +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +windows I-Code_Block windows I-Code_Block + +Note O Note O +: O : O +During O During O +first O first O +run O run O +you O you O +may O may O +be O be O +asked O asked O +to O to O +sign O sign O +in O in O +for O for O +a O a O +developer O developer O +license O license O +. O . O + +See O See O +Developer O Developer O +license O license O +for O for O +more O more O +details O details O +. O . O + +Using O Using O +ADFS/SSO B-Application ADFS/SSO O + +To O To O +use O use O +ADFS/SSO B-Application ADFS/SSO O +on O on O +Windows B-Operating_System Windows O +Tablet/PC B-Device Tablet/PC O +add O add O +the O the O +following O following O +preference O preference O +into O into O +config.xml B-File_Name config.xml B-Code_Block +: O : O + + I-Code_Block /> I-Code_Block + +adal-use-corporate-network B-Code_Block adal-use-corporate-network B-Code_Block +is O is O +false O false B-Code_Block +by O by O +default O default O +. O . O + +It O It O +will O will O +add O add O +all O all O +needed O needed O +application O application O +capabilities O capabilities O +and O and O +toggle O toggle O +authContext B-Library_Class authContext O +to O to O +support O support O +ADFS/SSO B-Application ADFS/SSO O +. O . O + +You O You O +can O can O +change O change O +its O its O +value O value O +to O to O +false O false B-Code_Block +and O and O +back O back O +later O later O +, O , O +or O or O +remove O remove O +it O it O +from O from O +config.xml B-File_Name config.xml B-Code_Block +- O - O +call O call O +cordova B-Code_Block cordova B-Code_Block +prepare I-Code_Block prepare I-Code_Block +after O after O +it O it O +to O to O +apply O apply O +the O the O +changes O changes O +. O . O + +Note O Note O +: O : O +You O You O +should O should O +not O not O +normally O normally O +use O use O +adal-use-corporate-network B-Code_Block adal-use-corporate-network B-Code_Block +as O as O +it O it O +adds O adds O +capabilities O capabilities O +, O , O +which O which O +prevents O prevents O +an O an O +app O app O +from O from O +being O being O +published O published O +in O in O +the O the O +Windows B-Application Windows O +Store I-Application Store O +. O . O + +To O To O +build O build O +and O and O +run O run O +application O application O +on O on O +Windows B-Operating_System Windows O +Phone B-Device Phone O +8.1 B-Version 8.1 O + +To O To O +run O run O +on O on O +connected O connected O +device O device O +: O : O +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +windows I-Code_Block windows I-Code_Block +--device I-Code_Block --device I-Code_Block +- I-Code_Block - I-Code_Block +- I-Code_Block - I-Code_Block +--phone I-Code_Block --phone I-Code_Block + +To O To O +run O run O +on O on O +default O default O +emulator O emulator O +: O : O +cordova B-Code_Block cordova B-Code_Block +emulate I-Code_Block emulate I-Code_Block +windows I-Code_Block windows I-Code_Block +- I-Code_Block - I-Code_Block +- I-Code_Block - I-Code_Block +--phone I-Code_Block --phone I-Code_Block + +Use O Use O +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +windows I-Code_Block windows I-Code_Block +--list I-Code_Block --list I-Code_Block +- I-Code_Block - I-Code_Block +- I-Code_Block - I-Code_Block +--phone I-Code_Block --phone I-Code_Block +to O to O +see O see O +all O all O +available O available O +targets O targets O +and O and O +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +windows I-Code_Block windows I-Code_Block +--target I-Code_Block --target I-Code_Block += I-Code_Block = I-Code_Block + I-Code_Block I-Code_Block +- I-Code_Block - I-Code_Block +- I-Code_Block - I-Code_Block +--phone I-Code_Block --phone I-Code_Block +to O to O +run O run O +application O application O +on O on O +specific O specific O +device O device O +or O or O +emulator B-Application emulator O +( O ( O +for O for O +example O example O +, O , O +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +windows I-Code_Block windows I-Code_Block +--target I-Code_Block --target I-Code_Block += I-Code_Block = I-Code_Block +" I-Code_Block " I-Code_Block +Emulator I-Code_Block Emulator I-Code_Block +8.1 I-Code_Block 8.1 I-Code_Block +720P I-Code_Block 720P I-Code_Block +4.7 I-Code_Block 4.7 I-Code_Block +inch I-Code_Block inch I-Code_Block +" I-Code_Block " I-Code_Block +- I-Code_Block - I-Code_Block +- I-Code_Block - I-Code_Block +--phone I-Code_Block --phone I-Code_Block +) O ) O +. O . O + +To O To O +build O build O +and O and O +run O run O +on O on O +Android B-Operating_System Android O +device O device O + +To O To O +run O run O +on O on O +connected O connected O +device O device O +: O : O +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +android I-Code_Block android I-Code_Block +--device I-Code_Block --device I-Code_Block + +To O To O +run O run O +on O on O +default O default O +emulator B-Application emulator O +: O : O +cordova B-Code_Block cordova B-Code_Block +emulate I-Code_Block emulate I-Code_Block +android I-Code_Block android I-Code_Block + +Note O Note O +: O : O +Make O Make O +sure O sure O +you O you O +'ve O 've O +created O created O +emulator B-Application emulator O +instance O instance O +using O using O +AVD B-Application AVD O +Manager I-Application Manager O +as O as O +it O it O +is O is O +showed O showed O +in O in O +Prerequisites O Prerequisites O +section O section O +. O . O + +Use O Use O +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +android I-Code_Block android I-Code_Block +--list I-Code_Block --list I-Code_Block +to O to O +see O see O +all O all O +available O available O +targets O targets O +and O and O +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +android I-Code_Block android I-Code_Block +--target I-Code_Block --target I-Code_Block += I-Code_Block = I-Code_Block + I-Code_Block I-Code_Block +to O to O +run O run O +application O application O +on O on O +specific O specific O +device O device O +or O or O +emulator B-Application emulator O +( O ( O +for O for O +example O example O +, O , O +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +android I-Code_Block android I-Code_Block +--target I-Code_Block --target I-Code_Block += I-Code_Block = I-Code_Block +" I-Code_Block " I-Code_Block +Nexus4_emulator I-Code_Block Nexus4_emulator I-Code_Block +" I-Code_Block " I-Code_Block +) O ) O +. O . O + +To O To O +build O build O +and O and O +run O run O +on O on O +iOS B-Operating_System iOS O +device O device O + +To O To O +run O run O +on O on O +connected O connected O +device O device O +: O : O +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +ios I-Code_Block ios I-Code_Block +--device I-Code_Block --device I-Code_Block + +To O To O +run O run O +on O on O +default O default O +emulator B-Application emulator O +: O : O +cordova B-Code_Block cordova B-Code_Block +emulate I-Code_Block emulate I-Code_Block +ios I-Code_Block ios I-Code_Block + +Note O Note O +: O : O +Make O Make O +sure O sure O +you O you O +have O have O +ios-sim B-Application ios-sim B-Code_Block +package O package O +installed O installed O +to O to O +run O run O +on O on O +emulator B-Application emulator O +. O . O + +See O See O +Prerequisites O Prerequisites O +section O section O +for O for O +more O more O +details O details O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9685 I-Code_Block GR_9685 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Use O Use O +cordova B-Code_Block cordova B-Code_Block +run I-Code_Block run I-Code_Block +--help I-Code_Block --help I-Code_Block +to O to O +see O see O +additional O additional O +build O build O +and O and O +run O run O +options O options O +. O . O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/6 O https://github.com/numen31337/AKVideoImageView/issues/6 O + +When O When O +leaving O leaving O +AKVideoImageView B-Class_Name AKVideoImageView O +runnin O runnin O +& O & O +runnin O runnin O +, O , O +and O and O +worse O worse O +with O with O +2 O 2 O +or O or O +3 O 3 O +differents O differents O +AKVideoImageView B-Class_Name AKVideoImageView O +looping O looping O +on O on O +a O a O +video B-User_Interface_Element video O +, O , O +the O the O +memory O memory O +used O used O +is O is O +always O always O +increasing O increasing O +.. O .. O +. O . O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/6 O https://github.com/mfellner/webpack-sandboxed/issues/6 O + +Using O Using O +CommonJS B-Application CommonJS O +, O , O +users O users O +need O need O +to O to O +require O require O +webpack-sandboxed B-Application webpack-sandboxed O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9084 I-Code_Block GR_9084 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +improve O improve O +this O this O +, O , O +in O in O +the O the O +module O module O +'s O 's O +man O man O +file O file O +exports B-File_Name exports B-Code_Block +should O should O +be O be O +set O set O +for O for O +compatibility O compatibility O +reasons O reasons O +. O . O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/4 O https://github.com/rcfbanalysis/rcfbscraper/issues/4 O + +Fixed O Fixed O +in O in O +my O my O +commit O commit O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/13 O https://github.com/contributte/logging/issues/13 O + +There O There O +are O are O +more O more O +environments O environments O +: O : O + +localhost O localhost O +- O - O +do O do O +not O not O +want O want O +to O to O +push O push O +to O to O +sentry B-Application sentry O + +CI O CI O +- O - O +do O do O +not O not O +want O want O +to O to O +log O log O +to O to O +sentry B-Application sentry O + +staging O staging O +- O - O +want O want O +to O to O +log O log O +to O to O +staging O staging O +sentry B-Application sentry O + +production O production O +- O - O +want O want O +to O to O +log O log O +to O to O +production O production O +sentry B-Application sentry O + +To O To O +be O be O +able O able O +to O to O +do O do O +CI O CI O +and O and O +localhost O localhost O +I O I O +need O need O +some O some O +way O way O +how O how O +to O to O +turn O turn O +disable O disable O +sentry B-Application sentry O +extension O extension O +. O . O + +Now O Now O +it O it O +throws O throws O +exception B-Library_Class exception O +when O when O +I O I O +provide O provide O +NULL O NULL O +in O in O +DSN O DSN O +. O . O + +( O ( O +I O I O +use O use O +just O just O +parameters O parameters O +sections O sections O +in O in O +confi.local.neon B-File_Name confi.local.neon O +) O ) O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/35 O https://github.com/smirarab/pasta/issues/35 O + +Hey O Hey O +, O , O +I O I O +'m O 'm O +looking O looking O +forward O forward O +to O to O +seeing O seeing O +if O if O +pasta B-Application pasta O +will O will O +work O work O +for O for O +my O my O +application O application O +. O . O + +I O I O +was O was O +trying O trying O +out O out O +some O some O +options O options O +and O and O +found O found O +that O that O +this O this O +one O one O +did O did O +n't O n't O +work O work O +: O : O + +pasta B-Code_Block pasta B-Code_Block +--num_cpus I-Code_Block --num_cpus I-Code_Block += I-Code_Block = I-Code_Block +1 I-Code_Block 1 I-Code_Block +-i I-Code_Block -i I-Code_Block +elements.fasta I-Code_Block elements.fasta I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_31262 I-Code_Block GR_31262 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Not O Not O +necessary O necessary O +for O for O +me O me O +that O that O +it O it O +works O works O +but O but O +I O I O +thought O thought O +you O you O +should O should O +know O know O +. O . O + +Repository_Name O Repository_Name O +: O : O +tangentmonger/twitterknitter O tangentmonger/twitterknitter O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/tangentmonger/twitterknitter/issues/2 O https://github.com/tangentmonger/twitterknitter/issues/2 O + +Presently O Presently O +tweets O tweets O +are O are O +accessed O accessed O +through O through O +a O a O +1980s O 1980s O +style O style O +text O text O +menu B-User_Interface_Element menu O +. O . O + +For O For O +the O the O +next O next O +exhibition O exhibition O +we O we O +need O need O +a O a O +GUI O GUI O +. O . O + +Features O Features O +to O to O +include O include O +: O : O + +send O send O +a O a O +test O test O +pattern O pattern O + +enter O enter O +arbitrary O arbitrary O +text B-User_Interface_Element text O + +select O select O +an O an O +image B-User_Interface_Element image O + +select O select O +a O a O +tweet O tweet O +from O from O +a O a O +given O given O +hashtag O hashtag O +( O ( O +if O if O +we O we O +'re O 're O +still O still O +doing O doing O +knitted O knitted O +tweets O tweets O +) O ) O + +.. O .. O +. O . O +etc O etc O + +Repository_Name O Repository_Name O +: O : O +LanceKnight/WonderConverter O LanceKnight/WonderConverter O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LanceKnight/WonderConverter/issues/2 O https://github.com/LanceKnight/WonderConverter/issues/2 O + +add O add O +button B-User_Interface_Element button O +for O for O +per O per O +box B-User_Interface_Element box O +4 O 4 O +fix O fix O +bug O bug O +: O : O +when O when O +click O click O +button B-User_Interface_Element button O +8 O 8 O +, O , O +all O all O +colored O colored O +button B-User_Interface_Element button O +become O become O +white O white O + +Repository_Name O Repository_Name O +: O : O +kohnakagawa/particle O kohnakagawa/particle O +-drawing O -drawing O + +Repository_Link O Repository_Link O +: O : O +https://github.com/kohnakagawa/particle-drawing O https://github.com/kohnakagawa/particle-drawing O + + +particle-drawing O particle-drawing O +My O My O +visualization O visualization O +tools O tools O +for O for O +particle O particle O +simulations O simulations O +( O ( O +such O such O +as O as O +Molecular O Molecular O +Dynamics O Dynamics O +simulations O simulations O +) O ) O +. O . O + +Requirements O Requirements O + +C++11 B-Language C++11 O +compiler B-Application compiler O + +freeglut B-Library freeglut O + +libjpeg B-Library libjpeg O + +GLEW B-Library GLEW O + +How O How O +to O to O +compile O compile O +#+BEGIN_SRC B-Code_Block #+BEGIN_SRC O +bash I-Code_Block bash O +$ I-Code_Block $ O +make I-Code_Block make O +#+END_SRC I-Code_Block #+END_SRC O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/19 O https://github.com/ben-eb/metalsmith-remark/issues/19 O + +Okay O Okay O +, O , O +thanks O thanks O +! O ! O + +I O I O +'ll O 'll O +close O close O +this O this O +and O and O +wait O wait O +for O for O +the O the O +next O next O +greenkeeper B-Application greenkeeper O +PR O PR O +. O . O + +👍 O 👍 O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/5 O https://github.com/dhrrgn/codeigniter-uhoh/issues/5 O + +Ignore O Ignore O +me O me O +, O , O +I O I O +just O just O +noticed O noticed O +that O that O +if O if O +you O you O +pull O pull O +you O you O +get O get O +an O an O +updated O updated O +one O one O +with O with O +this O this O +change O change O +already O already O +in O in O +place O place O +. O . O + +It O It O +'s O 's O +only O only O +when O when O +you O you O +grab O grab O +the O the O +.zip B-File_Type .zip O +from O from O +Downloads B-File_Name Downloads O +that O that O +it O it O +'s O 's O +out O out O +of O of O +place O place O +. O . O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/10 O https://github.com/mfellner/webpack-sandboxed/issues/10 O + + +Coverage O Coverage O +decreased O decreased O +( O ( O +-0.3 O -0.3 O +% O % O +) O ) O +to O to O +87.081 O 87.081 O +% O % O +when O when O +pulling O pulling O +4c22c5d1b286e0dfbde81ac2039399e7632189b5 O 4c22c5d1b286e0dfbde81ac2039399e7632189b5 O +on O on O +upgrade-deps-7-7-17 O upgrade-deps-7-7-17 O +into O into O +6e613dbca9d5e2731097ffc1e0d277df94129bf1 O 6e613dbca9d5e2731097ffc1e0d277df94129bf1 O +on O on O +master O master O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/17 O https://github.com/mapbox/tile-count/issues/17 O + +Getting O Getting O +rid O rid O +of O of O +kll B-Code_Block kll B-Code_Block +entirely O entirely O +( O ( O +as O as O +in O in O +1793cf724b71e O 1793cf724b71e O +) O ) O +lets O lets O +it O it O +get O get O +at O at O +least O least O +through O through O +the O the O +first O first O +pass O pass O +, O , O +but O but O +will O will O +make O make O +the O the O +tiles O tiles O +too O too O +dark O dark O +as O as O +seen O seen O +earlier O earlier O +today O today O +. O . O + +Repository_Name O Repository_Name O +: O : O +stepheUp/VideoScanZXingWinRT O stepheUp/VideoScanZXingWinRT O + +Repository_Link O Repository_Link O +: O : O +https://github.com/stepheUp/VideoScanZXingWinRT O https://github.com/stepheUp/VideoScanZXingWinRT O + +VideoScanZXingWinRT B-Library VideoScanZXingWinRT O + +Realtime O Realtime O +barcode O barcode O +and O and O +QRCode O QRCode O +scanner O scanner O +for O for O +Windows B-Operating_System Windows O +Phone B-Device Phone O +8.1 B-Version 8.1 O +( O ( O +WinRT B-Operating_System WinRT O +) O ) O +and O and O +Windows B-Operating_System Windows O +10 B-Version 10 O +using O using O +ZXing B-Library ZXing O +. O . O + +Just O Just O +add O add O +the O the O +projet O projet O +to O to O +your O your O +solution O solution O +, O , O +call O call O +1 O 1 O +method O method O +and O and O +you O you O +'re O 're O +done O done O +. O . O + +You O You O +can O can O +take O take O +the O the O +Sample O Sample O +App O App O +project O project O +provided O provided O +as O as O +an O an O +example O example O +. O . O + +This O This O +lib O lib O +is O is O +optimized O optimized O +for O for O +devices O devices O +with O with O +autofocus O autofocus O +capabilities O capabilities O +. O . O + +You O You O +will O will O +find O find O + +a O a O +sample O sample O ++ O + O +a O a O +lib O lib O +for O for O +Windows B-Operating_System Windows O +Phone B-Device Phone O +8.1 B-Version 8.1 O +WinRT B-Operating_System WinRT O + +a O a O +sample O sample O ++ O + O +a O a O +lib O lib O +for O for O +Windows B-Operating_System Windows O +10 B-Version 10 O +( O ( O +tested O tested O +on O on O +Lumia B-Device Lumia O +950 B-Version 950 O +) O ) O + +Repository_Name O Repository_Name O +: O : O +M1sterDonut/hello O M1sterDonut/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/M1sterDonut/hello-world/issues/1 O https://github.com/M1sterDonut/hello-world/issues/1 O + +I O I O +added O added O +more O more O +text O text O +so O so O +the O the O +branch O branch O +looks O looks O +different O different O +from O from O +master O master O +- O - O +no O no O +big O big O +deal O deal O + +Repository_Name O Repository_Name O +: O : O +harshnarang8/AcaConnectFour O harshnarang8/AcaConnectFour O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/harshnarang8/AcaConnectFour/issues/3 O https://github.com/harshnarang8/AcaConnectFour/issues/3 O + +Tree B-Data_Structure Tree O +is O is O +created O created O +minimax B-Algorithm minimax O +implementation O implementation O +left O left O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/6 O https://github.com/thehyve/puppet-i2b2/issues/6 O + +Please O Please O +review O review O +:-) O :-) O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/16 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/16 O + +LGTM O LGTM O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/31 O https://github.com/google-ar/arcore-unreal-sdk/issues/31 O + +I O I O +tried O tried O +, O , O +and O and O +that O that O +'s O 's O +not O not O +the O the O +problem O problem O +. O . O + +I O I O +used O used O +the O the O +standard O standard O +images B-User_Interface_Element images O +that O that O +came O came O +with O with O +the O the O +package O package O +. O . O + +I O I O +did O did O +n't O n't O +change O change O +anything O anything O +from O from O +the O the O +package O package O +. O . O + +I O I O +immediately O immediately O +build O build O +the O the O +package O package O +on O on O +my O my O +S7 B-Device S7 O +edge B-Version edge O +and O and O +it O it O +continuously O continuously O +crashes O crashes O +after O after O +opening O opening O +. O . O + +The O The O +' O ' O +AR O AR O +handheld O handheld O +template O template O +' O ' O +works O works O +just O just O +fine O fine O +, O , O +so O so O +i O i O +do O do O +n't O n't O +get O get O +it O it O +why O why O +this O this O +wo O wo O +n't O n't O +work O work O +:( O :( O + +Below O Below O +some O some O +screenshots B-User_Interface_Element screenshots O +of O of O +my O my O +settings O settings O +, O , O +if O if O +that O that O +may O may O +help O help O +: O : O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/34 O https://github.com/google-ar/arcore-unreal-sdk/issues/34 O + +I O I O +am O am O +trying O trying O +to O to O +open O open O +the O the O +CloudARPin B-Application CloudARPin O +project O project O +, O , O +but O but O +the O the O +GoogleARCoreServices B-Application GoogleARCoreServices O +plugin I-Application plugin O +is O is O +missing O missing O +. O . O + +I O I O +have O have O +tried O tried O +to O to O +follow O follow O +the O the O +links O links O +to O to O +the O the O +repo O repo O +, O , O +but O but O +find O find O +myself O myself O +at O at O +a O a O +404 B-Error_Name 404 O +. O . O + +Where O Where O +might O might O +I O I O +find O find O +an O an O +available O available O +download O download O +? O ? O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/26 O https://github.com/google-ar/arcore-unreal-sdk/issues/26 O + +Close O Close O +the O the O +issue O issue O +due O due O +to O to O +lack O lack O +of O of O +response O response O +. O . O + +Please O Please O +reopen O reopen O +if O if O +the O the O +issue O issue O +still O still O +exist O exist O +. O . O + +Repository_Name O Repository_Name O +: O : O +HowellWang/Titanic_Kaggle O HowellWang/Titanic_Kaggle O + +Repository_Link O Repository_Link O +: O : O +https://github.com/HowellWang/Titanic_Kaggle O https://github.com/HowellWang/Titanic_Kaggle O + +Titanic_Kaggle O Titanic_Kaggle O + +After O After O +the O the O +series O series O +of O of O +preparing O preparing O +, O , O +we O we O +got O got O +94.5 O 94.5 O +% O % O +accuracy O accuracy O +rate O rate O +on O on O +test O test O +data O data O +set O set O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/27 O https://github.com/demigor/lex.db/issues/27 O + +I O I O +'m O 'm O +trying O trying O +to O to O +use O use O +lex.db B-Application lex.db O +in O in O +windows B-Operating_System windows O +phone I-Operating_System phone O +8.1 B-Version 8.1 O +universal O universal O +app O app O +with O with O +latest O latest O +nuget B-Application nuget O +available O available O +version O version O +1.2.2 B-Version 1.2.2 O +Simple O Simple O +code O code O +on O on O +Save O Save O +throws O throws O +exeption B-Library_Class exeption O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_23903 I-Code_Block GR_23903 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_23904 I-Code_Block GR_23904 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Sample O Sample O +project O project O +- O - O +https://yadi.sk/d/g8Wf_nL1fxvP5 O https://yadi.sk/d/g8Wf_nL1fxvP5 O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/24 O https://github.com/koding/kd-atom/issues/24 O + +it O it O +'s O 's O +kind O kind O +of O of O +a O a O +hacky O hacky O +solution O solution O +, O , O +but O but O +gets O gets O +the O the O +job O job O +done O done O +. O . O + +the O the O +main O main O +reason O reason O +is O is O +tree-view O tree-view O +file O file O +icon O icon O +service O service O +ignores O ignores O +directories O directories O +, O , O +only O only O +works O works O +for O for O +files O files O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/1 O https://github.com/zeroepoch/plotbitrate/issues/1 O + +Closing O Closing O +out O out O +old O old O +issues O issues O + +Repository_Name O Repository_Name O +: O : O +dbarrosop/gobgp O dbarrosop/gobgp O +-grpc-demo O -grpc-demo O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dbarrosop/gobgp-grpc-demo/issues/1 O https://github.com/dbarrosop/gobgp-grpc-demo/issues/1 O + +Hi O Hi O +David B-User_Name David O +, O , O +thanks O thanks O +very O very O +much O much O +for O for O +this O this O +work O work O +( O ( O +nearly O nearly O +exactly O exactly O +1 O 1 O +year O year O +on O on O +! O ! O +) O ) O + +When O When O +I O I O +attempt O attempt O +to O to O +follow O follow O +your O your O +instructions O instructions O +, O , O +I O I O +get O get O +the O the O +following O following O +error O error O +when O when O +adding O adding O +a O a O +path O path O +: O : O + +`root B-Code_Block `root O +@ce5b416deb2d I-Code_Block @ce5b416deb2d O +:/gobgprest I-Code_Block :/gobgprest O +# I-Code_Block # O +python I-Code_Block python O +add_path.py I-Code_Block add_path.py O +10.0.123.100 I-Code_Block 10.0.123.100 O +50051 I-Code_Block 50051 O +2001:db8:666::/64 I-Code_Block 2001:db8:666::/64 O +2001:db8:123::300 I-Code_Block 2001:db8:123::300 O +65000:1 I-Code_Block 65000:1 O +110 I-Code_Block 110 O + +Traceback B-Output_Block Traceback O +( I-Output_Block ( O +most I-Output_Block most O +recent I-Output_Block recent O +call I-Output_Block call O +last I-Output_Block last O +) I-Output_Block ) O +: B-Output_Block : O +File I-Output_Block File O +" I-Output_Block " O +add_path.py I-Output_Block add_path.py O +" I-Output_Block " O +, I-Output_Block , O +line I-Output_Block line O +88 I-Output_Block 88 O +, I-Output_Block , O +in I-Output_Block in O +run(gobgp, I-Output_Block run(gobgp, O +port, I-Output_Block port, O +prefix, I-Output_Block prefix, O +nexthop, I-Output_Block nexthop, O +community, I-Output_Block community, O +med) I-Output_Block med) O +File I-Output_Block File O +" I-Output_Block " O +add_path.py I-Output_Block add_path.py O +" I-Output_Block " O +, I-Output_Block , O +line I-Output_Block line O +73 I-Output_Block 73 O +, I-Output_Block , O +in I-Output_Block in O +run I-Output_Block run O +create_path(channel, I-Output_Block create_path(channel, O +prefix, I-Output_Block prefix, O +nexthop, I-Output_Block nexthop, O +community, I-Output_Block community, O +med) I-Output_Block med) O +File I-Output_Block File O +" I-Output_Block " O +add_path.py I-Output_Block add_path.py O +" I-Output_Block " O +, I-Output_Block , O +line I-Output_Block line O +57 I-Output_Block 57 O +, I-Output_Block , O +in I-Output_Block in O +create_path I-Output_Block create_path O +_call_grpc I-Output_Block _call_grpc O +( I-Output_Block ( O +channel I-Output_Block channel O +, I-Output_Block , O +" I-Output_Block " O +AddPath I-Output_Block AddPath O +" I-Output_Block " O +, I-Output_Block , O +" I-Output_Block " O +AddPathRequest I-Output_Block AddPathRequest O +" I-Output_Block " O +, I-Output_Block , O +** I-Output_Block ** O +kwargs I-Output_Block kwargs O +) I-Output_Block ) O +File B-Output_Block File O +" I-Output_Block " O +add_path.py I-Output_Block add_path.py O +" I-Output_Block " O +, I-Output_Block , O +line I-Output_Block line O +17 I-Output_Block 17 O +, I-Output_Block , O +in I-Output_Block in O +_call_grpc I-Output_Block _call_grpc O +return I-Output_Block return O +api(request(**kwargs) I-Output_Block api(request(**kwargs) O +, I-Output_Block , O +_TIMEOUT_SECONDS I-Output_Block _TIMEOUT_SECONDS O +) I-Output_Block ) O +File B-Output_Block File O +" I-Output_Block " O +/usr/local/lib/python2.7/dist-packages/grpc/beta/_client_adaptations.py I-Output_Block /usr/local/lib/python2.7/dist-packages/grpc/beta/_client_adaptations.py O +" I-Output_Block " O +, I-Output_Block , O +line I-Output_Block line O +309 I-Output_Block 309 O +, I-Output_Block , O +in I-Output_Block in O +call I-Output_Block call O +self._request_serializer I-Output_Block self._request_serializer O +, I-Output_Block , O +self._response_deserializer I-Output_Block self._response_deserializer O +) I-Output_Block ) O +File I-Output_Block File O +" I-Output_Block " O +/usr/local/lib/python2.7/dist-packages/grpc/beta/_client_adaptations.py I-Output_Block /usr/local/lib/python2.7/dist-packages/grpc/beta/_client_adaptations.py O +" I-Output_Block " O +, I-Output_Block , O +line I-Output_Block line O +195 I-Output_Block 195 O +, I-Output_Block , O +in I-Output_Block in O +_blocking_unary_unary I-Output_Block _blocking_unary_unary O +raise I-Output_Block raise O +_abortion_error(rpc_error_call) I-Output_Block _abortion_error(rpc_error_call) O +grpc.framework.interfaces.face.face.RemoteError I-Output_Block grpc.framework.interfaces.face.face.RemoteError O +: I-Output_Block : O +RemoteError I-Output_Block RemoteError O +( I-Output_Block ( O +code I-Output_Block code O += I-Output_Block = O +StatusCode.UNKNOWN I-Output_Block StatusCode.UNKNOWN O +, I-Output_Block , O +details I-Output_Block details O += I-Output_Block = O +" I-Output_Block " O +unknown I-Output_Block unknown O +route I-Output_Block route O +family I-Output_Block family O +. O . O + +AFI B-Output_Block AFI O +: I-Output_Block : O +0 I-Output_Block 0 O +, I-Output_Block , O +SAFI I-Output_Block SAFI O +: I-Output_Block : O +0 I-Output_Block 0 O +" I-Output_Block " O +) B-Output_Block ) O +` I-Output_Block ` O + +This O This O +to O to O +me O me O +looks O looks O +like O like O +the O the O +gobgp B-Application gobgp O +system O system O +is O is O +expecting O expecting O +the O the O +AFI/SAFI B-Variable_Name AFI/SAFI O +in O in O +a O a O +format O format O +other O other O +that O that O +what O what O +we O we O +'re O 're O +passing O passing O +it O it O +with O with O +kwargs B-Library_Variable kwargs O +. O . O + +I O I O +am O am O +not O not O +100% O 100% O +sure O sure O +, O , O +but O but O +perhaps O perhaps O +it O it O +'s O 's O +expecting O expecting O +them O them O +as O as O +integers B-Data_Type integers O +instead O instead O +of O of O +combined O combined O +via O via O +the O the O +bitwise O bitwise O +operation O operation O +you O you O +do O do O +on O on O +them O them O +in O in O +Python B-Language Python O +. O . O + +I O I O +am O am O +very O very O +naive O naive O +when O when O +it O it O +comes O comes O +to O to O +how O how O +the O the O +containters O containters O +you O you O +provide O provide O +are O are O +built O built O +, O , O +is O is O +it O it O +possible O possible O +goBGP B-Application goBGP O +has O has O +moved O moved O +on O on O +slightly O slightly O +and O and O +your O your O +code O code O +is O is O +now O now O +doing O doing O +something O something O +unexpected O unexpected O +? O ? O + +Any O Any O +help O help O +appreciated O appreciated O +, O , O +Thanks O Thanks O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/4 O https://github.com/rcfbanalysis/rcfbscraper/issues/4 O + +Espn B-Organization Espn O +pbp O pbp O +data O data O +marks O marks O +when O when O +a O a O +drive O drive O +ends O ends O +, O , O +should O should O +use O use O +this O this O +information O information O +to O to O +verify O verify O +drive O drive O +is O is O +over O over O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/27 O https://github.com/rgeo/rgeo-activerecord/issues/27 O + +The O The O +gemspec B-File_Type gemspec O +file O file O +locks O locks O +activerecord B-Library activerecord B-Code_Block +at O at O +4.x B-Version 4.x B-Code_Block +but O but O +rails B-Library rails O +5 B-Version 5 O +uses O uses O +5.x B-Version 5.x B-Code_Block +. O . O + +Do O Do O +you O you O +have O have O +plans O plans O +to O to O +update O update O +the O the O +gem O gem O +to O to O +work O work O +with O with O +rails B-Library rails O +5 B-Version 5 O +before O before O +it O it O +becomes O becomes O +stable O stable O +? O ? O + +Repository_Name O Repository_Name O +: O : O +wncc/live O wncc/live O +-gesture-recognition O -gesture-recognition O + +Repository_Link O Repository_Link O +: O : O +https://github.com/wncc/live-gesture-recognition O https://github.com/wncc/live-gesture-recognition O + +!!! O !!! O +! O ! O + +Project O Project O +Complete O Complete O +!! O !! O +! O ! O + +***** O ***** O +------------------------- O ------------------------- O +- O - O +***** O ***** O + +All O All O +the O the O +code O code O +files O files O +are O are O +in O in O +the O the O +' O ' O +live-gesture-recognition O live-gesture-recognition O +' O ' O +folder O folder O +. O . O + +Please O Please O +read O read O +this O this O +file O file O +' O ' O +readme.txt B-File_Name readme.txt O +' O ' O +and O and O +the O the O +User O User O +Manual O Manual O +' O ' O +manual.pdf B-File_Name manual.pdf O +' O ' O +before O before O +beginning O beginning O +. O . O + +***** O ***** O +------------------------- O ------------------------- O +- O - O +***** O ***** O + +Download O Download O +the O the O +.tar.gz B-File_Type .tar.gz O +or O or O +.zip B-File_Type .zip O +file O file O +and O and O +uncompress O uncompress O +it O it O +. O . O + +It O It O +contains O contains O +the O the O +code O code O +, O , O +the O the O +project O project O +report O report O +and O and O +the O the O +user O user O +manual O manual O +. O . O + +Implementing O Implementing O +the O the O +code O code O +is O is O +very O very O +simple O simple O +. O . O + +However O However O +sometimes O sometimes O +executable O executable O +files O files O +do O do O +not O not O +run O run O +correctly O correctly O +, O , O +in O in O +which O which O +case O case O +the O the O +code O code O +has O has O +to O to O +be O be O +compiled O compiled O +before O before O +running O running O +. O . O + +The O The O +packages O packages O +required O required O +for O for O +compiling O compiling O +the O the O +code O code O +are O are O +gcc B-Library gcc O +, O , O +opencv-doc B-Library opencv-doc O +, O , O +libcv2.1 B-Library libcv2.1 O +, O , O +linhighgui2.1 B-Library linhighgui2.1 O +, O , O +libcvaux2.1 B-Library libcvaux2.1 O +, O , O +libcv-dev B-Library libcv-dev O +, O , O +libcvaux-dev B-Library libcvaux-dev O +, O , O +linhighgui-dev B-Library linhighgui-dev O +, O , O +libx11-dev B-Library libx11-dev O +, O , O +and O and O +libxtst-dev B-Library libxtst-dev O +. O . O + +These O These O +packages O packages O +can O can O +be O be O +collectively O collectively O +installed O installed O +from O from O +the O the O +Synaptic B-Application Synaptic O +Package I-Application Package O +Manager I-Application Manager O +or O or O +using O using O +individual O individual O +system O system O +commands O commands O +: O : O + +$ B-Code_Block $ O +sudo I-Code_Block sudo O +apt-get I-Code_Block apt-get O +install I-Code_Block install O +[ B-Code_Block [ O +package-name I-Code_Block package-name O +] I-Code_Block ] O + +After O After O +installing O installing O +all O all O +the O the O +packages O packages O +compile O compile O +the O the O +file O file O +- O - O +install.cpp B-File_Name install.cpp O +using O using O +the O the O +command O command O +: O : O + +$g++ B-Code_Block $g++ O +install.cpp I-Code_Block install.cpp O +-o I-Code_Block -o O +install I-Code_Block install O + +Running O Running O +the O the O +file O file O +install O install O +inturn O inturn O +compiles O compiles O +all O all O +the O the O +other O other O +required O required O +files O files O +, O , O +provided O provided O +the O the O +required O required O +libraries O libraries O +are O are O +installed O installed O +correctly O correctly O +and O and O +up-to-date O up-to-date O +. O . O + +$ B-Code_Block $ O +./install I-Code_Block ./install O + +**** O **** O +If O If O +install O install O +runs O runs O +correctly O correctly O +you O you O +dont O dont O +need O need O +to O to O +do O do O +this O this O +*** O *** O +Altenetively O Altenetively O +, O , O +you O you O +can O can O +compile O compile O +all O all O +the O the O +files O files O +individually O individually O +using O using O +the O the O +command O command O +: O : O +$ B-Code_Block $ O +g++ I-Code_Block g++ O +pkg-config I-Code_Block pkg-config B-Code_Block +opencv I-Code_Block opencv I-Code_Block +--cflags I-Code_Block --cflags I-Code_Block +[filename].cpp I-Code_Block [filename].cpp O +-o I-Code_Block -o O +[ B-Code_Block [ O +filename I-Code_Block filename O +] I-Code_Block ] O +pkg-config B-Code_Block pkg-config B-Code_Block +opencv I-Code_Block opencv I-Code_Block +--libs I-Code_Block --libs I-Code_Block +-lX11 I-Code_Block -lX11 O +-lXtst I-Code_Block -lXtst O +The O The O +files O files O +to O to O +be O be O +compiled O compiled O +are O are O +: O : O +initialize.cpp B-File_Name initialize.cpp O +, O , O +main.cpp B-File_Name main.cpp O +, O , O +gesture.cpp B-File_Name gesture.cpp O +, O , O +addgesture.cpp B-File_Name addgesture.cpp O +, O , O +checkgesture.cpp B-File_Name checkgesture.cpp O +and O and O +delgesture.cpp B-File_Name delgesture.cpp O +. O . O + +**** O **** O +--------------------------- O --------------------------- O +- O - O +*** O *** O + +Before O Before O +beginning O beginning O +run O run O +the O the O +file O file O +initialize O initialize O +: O : O +$ B-Code_Block $ O +./initialize I-Code_Block ./initialize O + +The O The O +main O main O +code O code O +is O is O +run O run O +using O using O +the O the O +file O file O +gesture O gesture O +: O : O +$ B-Code_Block $ O +./gesture I-Code_Block ./gesture O + +Repository_Name O Repository_Name O +: O : O +harshnarang8/AcaConnectFour O harshnarang8/AcaConnectFour O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/harshnarang8/AcaConnectFour/issues/4 O https://github.com/harshnarang8/AcaConnectFour/issues/4 O + +Mid O Mid O +Term O Term O +Eval O Eval O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/4 O https://github.com/McMenemy/GoDoRP/issues/4 O + +after O after O +create O create O +a O a O +folder O folder O +" O " O +src O src O +" O " O +and O and O +move O move O +" O " O +api O api O +" O " O +into O into O +" O " O +src O src O +" O " O +, O , O +this O this O +error O error O +is O is O +fixed O fixed O +, O , O + +the O the O +cause O cause O +is O is O +the O the O +file O file O +struct B-Data_Structure struct O +of O of O +go B-Language go O +, O , O +I O I O +need O need O +build O build O +this O this O +project O project O +outside O outside O +docker B-Application docker O + +Repository_Name O Repository_Name O +: O : O +lengchiva/ruc_github.com O lengchiva/ruc_github.com O + +Repository_Link O Repository_Link O +: O : O +https://github.com/lengchiva/ruc_github.com O https://github.com/lengchiva/ruc_github.com O + +My O My O +officail O officail O +github B-Website github O +RUC O RUC O + +ruc_github.com O ruc_github.com O + +Objectives O Objectives O +of O of O +project O project O + +* O * O +Demonstrad O Demonstrad O +github B-Website github O +pages O pages O +** O ** O +Collaboration O Collaboration O +parttern O parttern O +** O ** O +Using O Using O +github B-Website github O +for O for O +Mac B-Operating_System Mac O +and O and O +Window B-Operating_System Window O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/2 O https://github.com/libp2p/interface-record-store/issues/2 O + +Okay O Okay O +thanks O thanks O +for O for O +the O the O +explanation O explanation O +:) O :) O + +Repository_Name O Repository_Name O +: O : O +mongrate/mongrate.com O mongrate/mongrate.com O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mongrate/mongrate.com/issues/1 O https://github.com/mongrate/mongrate.com/issues/1 O + + +Repository_Name O Repository_Name O +: O : O +brandonscott/nabu O brandonscott/nabu O +-ios O -ios O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/brandonscott/nabu-ios/issues/1 O https://github.com/brandonscott/nabu-ios/issues/1 O + +The O The O +project O project O +wo O wo O +n't O n't O +compile O compile O +, O , O +also O also O +there O there O +are O are O +some O some O +serious O serious O +issues O issues O +like O like O +importing O importing O +NabuOpenSDK.h B-File_Name NabuOpenSDK.h O +in O in O +both O both O +.m B-File_Type .m O +and O and O +.h B-File_Type .h O +files O files O +. O . O + +After O After O +some O some O +fixes O fixes O +, O , O +I O I O +get O get O +it O it O +to O to O +compile O compile O +but O but O +still O still O +it O it O +does O does O +n't O n't O +work O work O +with O with O +my O my O +Nabu B-Device Nabu O +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/5 O https://github.com/contributte/logging/issues/5 O + +What O What O +do O do O +you O you O +think O think O +@benijo B-User_Name @benijo O +? O ? O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/15 O https://github.com/mapbox/tile-count/issues/15 O + +I O I O +do O do O +n't O n't O +think O think O +it O it O +'ll O 'll O +make O make O +any O any O +difference O difference O +in O in O +speed O speed O +, O , O +but O but O +I O I O +think O think O +it O it O +should O should O +make O make O +the O the O +bitmap B-Data_Structure bitmap O +tiles O tiles O +compress O compress O +better O better O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/5 O https://github.com/zeroepoch/plotbitrate/issues/5 O + +I O I O +think O think O +using O using O +pkt_duration_time B-Library_Variable pkt_duration_time B-Code_Block +each O each O +time O time O +rather O rather O +than O than O +framerate O framerate O +would O would O +be O be O +better O better O +. O . O + +It O It O +would O would O +account O account O +for O for O +variable O variable O +framerate O framerate O +which O which O +is O is O +becoming O becoming O +more O more O +common O common O +now O now O +. O . O + +As O As O +you O you O +noted O noted O +to O to O +avoid O avoid O +the O the O +missing O missing O +pkt_pts_time B-Library_Variable pkt_pts_time B-Code_Block +field O field O +we O we O +could O could O +just O just O +accumulate O accumulate O +pkt_duration_time B-Library_Variable pkt_duration_time B-Code_Block +. O . O + +This O This O +script O script O +was O was O +something O something O +I O I O +just O just O +put O put O +together O together O +quickly O quickly O +for O for O +a O a O +few O few O +files O files O +so O so O +I O I O +do O do O +n't O n't O +really O really O +use O use O +or O or O +maintain O maintain O +it O it O +anymore O anymore O +. O . O + +If O If O +you O you O +have O have O +a O a O +general O general O +fix O fix O +that O that O +works O works O +for O for O +you O you O +( O ( O +and O and O +probably O probably O +others O others O +) O ) O +I O I O +'d O 'd O +be O be O +happy O happy O +to O to O +take O take O +a O a O +pull O pull O +request O request O +. O . O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/91 O https://github.com/svenstaro/flamejam/issues/91 O + +I O I O +pulled O pulled O +the O the O +repo O repo O +and O and O +tried O tried O +setting O setting O +up O up O +a O a O +development O development O +environment O environment O +, O , O +but O but O +ran O ran O +into O into O +some O some O +dependency O dependency O +issues O issues O +. O . O + +Specifically O Specifically O +, O , O +the O the O +mysql B-Application mysql O +dependency O dependency O +was O was O +not O not O +immediately O immediately O +apparent O apparent O +to O to O +me O me O +from O from O +the O the O +documentation O documentation O +, O , O +so O so O +I O I O +added O added O +some O some O +notes O notes O +about O about O +it O it O +to O to O +the O the O +README B-File_Name README O +. O . O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/45 O https://github.com/katzer/cordova-plugin-background-mode/issues/45 O + +Hi O Hi O +, O , O +The O The O +plugin O plugin O +page B-User_Interface_Element page O +does O does O +n't O n't O +state O state O +any O any O +special O special O +requirement O requirement O +but O but O +it O it O +does O does O +n't O n't O +compile O compile O +in O in O +phonegap B-Application phonegap O +build O build O +. O . O + +I O I O +tried O tried O +to O to O +compile O compile O +from O from O +Xcode B-Application Xcode O +and O and O +got O got O +the O the O +same O same O +error O error O +. O . O + +I O I O +'m O 'm O +new O new O +to O to O +iOS B-Operating_System iOS O +dev O dev O +but O but O +I O I O +fixed O fixed O +it O it O +by O by O +adding O adding O +CoreLocation B-Library CoreLocation O +framework O framework O +as O as O +a O a O +dependency O dependency O +on O on O +the O the O +linking O linking O +process O process O +. O . O + +Why O Why O +is O is O +it O it O +necessary O necessary O +and O and O +why O why O +is O is O +n't O n't O +this O this O +stated O stated O +in O in O +the O the O +readme B-File_Name readme O +page B-User_Interface_Element page O +? O ? O + +Is O Is O +there O there O +a O a O +way O way O +to O to O +solve O solve O +this O this O +" O " O +manual O manual O +" O " O +dependency O dependency O +? O ? O + +Here O Here O +'s O 's O +the O the O +offending O offending O +part O part O +in O in O +the O the O +build O build O +process O process O +of O of O +Phonegap B-Application Phonegap O +Build O Build O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_1806 I-Code_Block GR_1806 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +M1sterDonut/hello O M1sterDonut/hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/M1sterDonut/hello-world O https://github.com/M1sterDonut/hello-world O + +hello-world O hello-world O + +My O My O +first O first O +repository O repository O +- O - O +getting O getting O +M1sterDonut B-User_Name M1sterDonut O +going O going O +! O ! O + +Learning O Learning O +about O about O +branches O branches O +, O , O +commits O commits O +and O and O +merges O merges O +! O ! O + +So O So O +, O , O +let O let O +'s O 's O +go O go O +: O : O +I O I O +like O like O +penetration O penetration O +testing O testing O +and O and O +, O , O +like O like O +with O with O +my O my O +handel O handel O +'s O 's O +name O name O +sake O sake O +, O , O +holes O holes O +are O are O +the O the O +best O best O +part O part O +:D O :D O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/24 O https://github.com/google-ar/arcore-unreal-sdk/issues/24 O + +UAT_Log.txt B-File_Name UAT_Log.txt O + +UAT B-Application UAT O +Log O Log O +file O file O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/45 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/45 O + +Closes O Closes O +#34 O #34 O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/34 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/34 O + +I O I O +did O did O +a O a O +quick O quick O +search O search O +across O across O +the O the O +aws B-Application aws O +plugins O plugins O +and O and O +this O this O +config O config O +seems O seems O +is O is O +pretty O pretty O +well O well O +encapsulated O encapsulated O +here O here O +, O , O +so O so O +I O I O +do O do O +n't O n't O +expect O expect O +any O any O +issues O issues O +with O with O +this O this O +change O change O +. O . O + +Perhaps O Perhaps O +a O a O +couple O couple O +specs O specs O +will O will O +need O need O +to O to O +be O be O +updated O updated O +, O , O +which O which O +I O I O +will O will O +double O double O +check O check O +and O and O +fix O fix O +if O if O +needed O needed O +. O . O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/16 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/16 O + +Merged O Merged O +sucessfully O sucessfully O +into O into O +master O master O +! O ! O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/5 O https://github.com/zeroepoch/plotbitrate/issues/5 O + +I O I O +think O think O +the O the O +Zeranoe B-Organization Zeranoe O +versions O versions O +are O are O +very O very O +up-to-date O up-to-date O +. O . O + +Their O Their O +version O version O +info O info O +is O is O +weird O weird O +, O , O +but O but O +two O two O +years O years O +ago O ago O +they O they O +were O were O +already O already O +using O using O +ffmpeg B-Application ffmpeg O +2.4 B-Version 2.4 O +. O . O + +So O So O +my O my O +december B-Version december O +2015 I-Version 2015 O +build O build O +should O should O +be O be O +good O good O +. O . O + +I O I O +notices O notices O +the O the O +xml B-Language xml O +does O does O +have O have O +a O a O +dts B-Code_Block dts B-Code_Block +version I-Code_Block version I-Code_Block +instead I-Code_Block instead I-Code_Block +of I-Code_Block of I-Code_Block +pts I-Code_Block pts I-Code_Block +field--except O field--except O +for O for O +the O the O +last O last O +frame O frame O +, O , O +which O which O +lacks O lacks O +some O some O +fields O fields O +. O . O + +example O example O +frame O frame O +: O : O + + I-Code_Block repeat_pict="0"/> I-Code_Block + +It O It O +is O is O +the O the O +standard O standard O +windows B-Operating_System windows O +7 B-Version 7 O +video B-File_Type video O +file O file O +( O ( O +901 O 901 O +frames O frames O +in O in O +VC1 B-File_Type VC1 O +format O format O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/17 O https://github.com/demigor/lex.db/issues/17 O + +hug O hug O + +Repository_Name O Repository_Name O +: O : O +jkraemer/redmine_airbrake O jkraemer/redmine_airbrake O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jkraemer/redmine_airbrake/issues/2 O https://github.com/jkraemer/redmine_airbrake/issues/2 O + +We O We O +have O have O +trouble O trouble O +using O using O +the O the O +newest O newest O +airbrake-ruby B-Library airbrake-ruby B-Code_Block +gem O gem O +cause O cause O +the O the O +project_key B-Library_Variable project_key B-Code_Block +is O is O +not O not O +send O send O +anymore O anymore O +as O as O +key B-Variable_Name key O +param O param O +to O to O +the O the O +airbrake B-Application airbrake O +server I-Application server O +. O . O + +See O See O +this O this O +commit O commit O +: O : O +https://github.com/airbrake/airbrake-ruby/commit/5d258a28993ca2b2649e02abd93dfa944f207063 O https://github.com/airbrake/airbrake-ruby/commit/5d258a28993ca2b2649e02abd93dfa944f207063 O + +So O So O +the O the O +redmine_airbrake B-Application redmine_airbrake O +throws O throws O +a O a O +500 B-Error_Name 500 O +in O in O +the O the O +controller O controller O +, O , O +cause O cause O +there O there O +is O is O +no O no O +param O param O +key B-Variable_Name key B-Code_Block +here O here O +: O : O +https://github.com/jkraemer/redmine_airbrake/blob/6febdad0544945dab81d16abd4bef9fb1f576f6d/app/controllers/airbrake_notices_controller.rb#L43 O https://github.com/jkraemer/redmine_airbrake/blob/6febdad0544945dab81d16abd4bef9fb1f576f6d/app/controllers/airbrake_notices_controller.rb#L43 O + +It O It O +seems O seems O +the O the O +project_key B-Library_Variable project_key O +is O is O +not O not O +made O made O +for O for O +transmitting O transmitting O +all O all O +the O the O +information O information O +the O the O +redmine_airbrake B-Application redmine_airbrake B-Code_Block +plugin O plugin O +needs O needs O +. O . O + +We O We O +monkey O monkey O +patched O patched O +our O our O +airbrake B-Application airbrake O +client I-Application client O +to O to O +make O make O +it O it O +work O work O +, O , O +but O but O +it O it O +is O is O +really O really O +ugly O ugly O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_52147 I-Code_Block GR_52147 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +One O One O +solution O solution O +could O could O +be O be O +to O to O +implement O implement O +a O a O +new O new O +config O config O +option O option O +in O in O +airbrake-ruby B-Library airbrake-ruby B-Code_Block +to O to O +give O give O +custom O custom O +parameters O parameters O +to O to O +the O the O +url O url O +. O . O + +Another O Another O +option O option O +would O would O +be O be O +to O to O +post O post O +these O these O +informations O informations O +as O as O +json B-File_Type json O +in O in O +the O the O +request O request O +body O body O +with O with O +all O all O +other O other O +informations O informations O +and O and O +patch O patch O +the O the O +controller O controller O +to O to O +read O read O +it O it O +from O from O +there O there O +. O . O + +What O What O +would O would O +you O you O +think O think O +? O ? O + +Greetings O Greetings O +from O from O +DD O DD O +! O ! O + +;) O ;) O + +Repository_Name O Repository_Name O +: O : O +madison-kerndt/off O madison-kerndt/off O +-on-guard-synesthesia O -on-guard-synesthesia O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/madison-kerndt/avant-garde-synesthesia/issues/31 O https://github.com/madison-kerndt/avant-garde-synesthesia/issues/31 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/8 O https://github.com/contributte/logging/issues/8 O + +How O How O +is O is O +it O it O +going O going O +? O ? O + +Any O Any O +updates O updates O +? O ? O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/381 O https://github.com/katzer/cordova-plugin-background-mode/issues/381 O + +Alright O Alright O +guys O guys O +, O , O +this O this O +is O is O +what O what O +you O you O +need O need O +to O to O +do O do O +. O . O + +Open O Open O +up O up O +xcode B-Application xcode O +( O ( O +Or O Or O +your O your O +editor B-Application editor O +of O of O +choice O choice O +) O ) O +, O , O +and O and O +search O search O +for O for O +" O " O +_requiresUserActionForMediaPlayback O _requiresUserActionForMediaPlayback O +" O " O +( O ( O +No O No O +quotes O quotes O +) O ) O + +Replace O Replace O +that O that O +string B-Data_Type string O +with O with O +" O " O +requiresUserActionForMediaPlayback O requiresUserActionForMediaPlayback O +" O " O + +This O This O +is O is O +an O an O +issue O issue O +that O that O +was O was O +fixed O fixed O +on O on O +the O the O +latest O latest O +git B-Application git O +repo O repo O +, O , O +but O but O +for O for O +some O some O +reason O reason O +has O has O +not O not O +made O made O +itself O itself O +to O to O +npm B-Application npm O +. O . O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/13 O https://github.com/svenstaro/flamejam/issues/13 O + +Sounds O Sounds O +good O good O +to O to O +me O me O +I O I O +'ll O 'll O +do O do O +that O that O +! O ! O + +Thanks O Thanks O +for O for O +your O your O +feedback O feedback O +, O , O +stay O stay O +tuned O tuned O +! O ! O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/203 O https://github.com/katzer/cordova-plugin-background-mode/issues/203 O + +thanks O thanks O +sir O sir O +, O , O +i O i O +use O use O +it O it O +but O but O +when O when O +close O close O +app O app O +from O from O +recent O recent O +apps O apps O +notification O notification O +not O not O +appear O appear O +it O it O +is O is O +appear O appear O +only O only O +when O when O +app O app O +put O put O +in O in O +recent O recent O +apps O apps O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/15 O https://github.com/lbarasti/gps_app/issues/15 O + +NB O NB O +: O : O +The O The O +current O current O +ids O ids O +being O being O +reported O reported O +are O are O +_61a13865_​ O _61a13865_​ O +​and​ O ​and​ O +8c514cdf O 8c514cdf O + +Also O Also O +the O the O +buses O buses O +need O need O +to O to O +be O be O +visibly O visibly O +different O different O +.. O .. O +. O . O + +We O We O +could O could O +try O try O +overlaying O overlaying O +a O a O +number O number O +but O but O +if O if O +it O it O +'s O 's O +all O all O +green O green O +it O it O +'d O 'd O +still O still O +be O be O +difficult O difficult O +to O to O +see O see O +which O which O +is O is O +which O which O + +We O We O +could O could O +sort O sort O +by O by O +id O id O +and O and O +take O take O +colours O colours O +from O from O +a O a O +defined O defined O +list B-Data_Structure list O + +We O We O +could O could O +use O use O +the O the O +" O " O +old O old O +" O " O +red B-Variable_Name red O += O = O +bus1 B-Variable_Name bus1 O +, O , O +black B-Variable_Name black O += O = O +bus2 B-Variable_Name bus2 O +colour O colour O +theme O theme O +. O . O + +Repository_Name O Repository_Name O +: O : O +SoapMedia/sensei O SoapMedia/sensei O +-certificates O -certificates O + +Repository_Link O Repository_Link O +: O : O +https://github.com/SoapMedia/sensei-certificates O https://github.com/SoapMedia/sensei-certificates O + +sensei-certificates B-Application sensei-certificates O + +Hi O Hi O +, O , O +I O I O +'m O 'm O +the O the O +Certificates O Certificates O +extension O extension O +for O for O +Sensei B-Application Sensei O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/61 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/61 O + +LGTM O LGTM O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/2 O https://github.com/lbarasti/gps_app/issues/2 O + +closing O closing O +to O to O +try O try O +make O make O +a O a O +neater O neater O +pull O pull O +request O request O + +Repository_Name O Repository_Name O +: O : O +parduetyler/hello O parduetyler/hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/parduetyler/hello-world O https://github.com/parduetyler/hello-world O + +hello-world O hello-world O + +Hello O Hello O +World O World O +! O ! O + +I O I O +'m O 'm O +Tyler B-User_Name Tyler O +, O , O +an O an O +aspiring O aspiring O +programmer O programmer O +. O . O + +I O I O +do O do O +n't O n't O +know O know O +much O much O +yet O yet O +, O , O +but O but O +I O I O +'m O 'm O +excited O excited O +to O to O +learn O learn O +the O the O +innerworkings O innerworkings O +of O of O +the O the O +most O most O +common O common O +programming O programming O +languages O languages O +in O in O +the O the O +world O world O +. O . O + +I O I O +am O am O +a O a O +UofL O UofL O +Speed O Speed O +School O School O +student O student O +looking O looking O +to O to O +be O be O +absolutely O absolutely O +ready O ready O +before O before O +I O I O +start O start O +my O my O +co-op O co-op O +next O next O +year O year O +. O . O + +Repository_Name O Repository_Name O +: O : O +alexgorbatchev/fork O alexgorbatchev/fork O +-promise O -promise O + +Repository_Link O Repository_Link O +: O : O +https://github.com/alexgorbatchev/fork-promise O https://github.com/alexgorbatchev/fork-promise O + +fork-promise O fork-promise O + +Executes O Executes O +code O code O +in O in O +a O a O +forked O forked O +Node.js B-Application Node.js O +process O process O +and O and O +returns O returns O +a O a O +Bluebird B-Library_Class Bluebird O +promise I-Library_Class promise O +. O . O + +This O This O +is O is O +useful O useful O +for O for O +parallelizing O parallelizing O +heavy O heavy O +tasks O tasks O +and O and O +taking O taking O +advantage O advantage O +of O of O +multiple O multiple O +CPUs/cores B-Device CPUs/cores O +. O . O + +Please O Please O +note O note O +, O , O +this O this O +is O is O +only O only O +useful O useful O +for O for O +splitting O splitting O +up O up O +long O long O +running O running O +tasks O tasks O +because O because O +according O according O +to O to O +the O the O +doc O doc O +: O : O + +These O These O +child O child O +Nodes O Nodes O +are O are O +still O still O +whole O whole O +new O new O +instances O instances O +of O of O +V8 B-Version V8 O +. O . O + +Assume O Assume O +at O at O +least O least O +30ms O 30ms O +startup O startup O +and O and O +10mb O 10mb O +memory O memory O +for O for O +each O each O +new O new O +Node O Node O +. O . O + +That O That O +is O is O +, O , O +you O you O +cannot O cannot O +create O create O +many O many O +thousands O thousands O +of O of O +them O them O +. O . O + +Installation O Installation O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_85638 I-Code_Block GR_85638 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Usage O Usage O +Example O Example O + +In O In O +the O the O +example O example O +below O below O +the O the O +job B-Library_Function job B-Code_Block +function O function O +will O will O +be O be O +executed O executed O +in O in O +a O a O +forked O forked O +process O process O +. O . O + +Please O Please O +note O note O +there O there O +is O is O +parent O parent O +scope O scope O +access O access O +and O and O +the O the O +job B-Library_Function job B-Code_Block +function O function O +is O is O +executed O executed O +in O in O +the O the O +global O global O +context O context O +of O of O +the O the O +new O new O +process O process O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_85639 I-Code_Block GR_85639 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +API B-Library API O + +file(scriptFile, B-Library_Function file(scriptFile, O +args) I-Library_Function args) O +-> O -> O +Promise B-Library_Class Promise O + +Executes O Executes O +a O a O +scriptFile B-Library_Variable scriptFile B-Code_Block +passing O passing O +in O in O +args B-Library_Variable args B-Code_Block +via O via O +JSON B-File_Type JSON O +string B-Data_Type string O +and O and O +returns O returns O +a O a O +Promise B-Library_Class Promise B-Code_Block +. O . O + +The O The O +script O script O +file O file O +has O has O +to O to O +implement O implement O +the O the O +following O following O +interface O interface O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_85640 I-Code_Block GR_85640 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +fn(function, B-Library_Function fn(function, O +args) I-Library_Function args) O +-> O -> O +Promise B-Library_Class Promise O + +Executes O Executes O +function B-Library_Variable function B-Code_Block +in O in O +a O a O +forked O forked O +process O process O +applying O applying O +args B-Library_Variable args B-Code_Block +to O to O +it O it O +( O ( O +which O which O +means O means O +args B-Library_Variable args B-Code_Block +must O must O +be O be O +an O an O +array B-Data_Structure array O +or O or O +null O null O +) O ) O +. O . O + +Please O Please O +note O note O +that O that O +function B-Library_Variable function B-Code_Block +does O does O +n't O n't O +have O have O +access O access O +to O to O +the O the O +outside O outside O +scope O scope O +because O because O +it O it O +'s O 's O +stringified O stringified O +and O and O +passed O passed O +to O to O +another O another O +process O process O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_85641 I-Code_Block GR_85641 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Testing O Testing O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_85642 I-Code_Block GR_85642 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +License O License O + +The O The O +MIT B-Licence MIT O +License I-Licence License O +( O ( O +MIT O MIT O +) O ) O + +Copyright B-Licence Copyright O +2014 I-Licence 2014 O +Alex I-Licence Alex O +Gorbatchev I-Licence Gorbatchev O + +Permission O Permission O +is O is O +hereby O hereby O +granted O granted O +, O , O +free O free O +of O of O +charge O charge O +, O , O +to O to O +any O any O +person O person O +obtaining O obtaining O +a O a O +copy O copy O +of O of O +this O this O +software O software O +and O and O +associated O associated O +documentation O documentation O +files O files O +( O ( O +the O the O +" O " O +Software O Software O +" O " O +) O ) O +, O , O +to O to O +deal O deal O +in O in O +the O the O +Software O Software O +without O without O +restriction O restriction O +, O , O +including O including O +without O without O +limitation O limitation O +the O the O +rights O rights O +to O to O +use O use O +, O , O +copy O copy O +, O , O +modify O modify O +, O , O +merge O merge O +, O , O +publish O publish O +, O , O +distribute O distribute O +, O , O +sublicense O sublicense O +, O , O +and/or O and/or O +sell O sell O +copies O copies O +of O of O +the O the O +Software O Software O +, O , O +and O and O +to O to O +permit O permit O +persons O persons O +to O to O +whom O whom O +the O the O +Software O Software O +is O is O +furnished O furnished O +to O to O +do O do O +so O so O +, O , O +subject O subject O +to O to O +the O the O +following O following O +conditions O conditions O +: O : O + +The O The O +above O above O +copyright O copyright O +notice O notice O +and O and O +this O this O +permission O permission O +notice O notice O +shall O shall O +be O be O +included O included O +in O in O +all O all O +copies O copies O +or O or O +substantial O substantial O +portions O portions O +of O of O +the O the O +Software O Software O +. O . O + +THE O THE O +SOFTWARE O SOFTWARE O +IS O IS O +PROVIDED O PROVIDED O +" O " O +AS O AS O +IS O IS O +" O " O +, O , O +WITHOUT O WITHOUT O +WARRANTY O WARRANTY O +OF O OF O +ANY O ANY O +KIND O KIND O +, O , O +EXPRESS O EXPRESS O +OR O OR O +IMPLIED O IMPLIED O +, O , O +INCLUDING O INCLUDING O +BUT O BUT O +NOT O NOT O +LIMITED O LIMITED O +TO O TO O +THE O THE O +WARRANTIES O WARRANTIES O +OF O OF O +MERCHANTABILITY O MERCHANTABILITY O +, O , O +FITNESS O FITNESS O +FOR O FOR O +A O A O +PARTICULAR O PARTICULAR O +PURPOSE O PURPOSE O +AND O AND O +NONINFRINGEMENT O NONINFRINGEMENT O +. O . O + +IN O IN O +NO O NO O +EVENT O EVENT O +SHALL O SHALL O +THE O THE O +AUTHORS O AUTHORS O +OR O OR O +COPYRIGHT O COPYRIGHT O +HOLDERS O HOLDERS O +BE O BE O +LIABLE O LIABLE O +FOR O FOR O +ANY O ANY O +CLAIM O CLAIM O +, O , O +DAMAGES O DAMAGES O +OR O OR O +OTHER O OTHER O +LIABILITY O LIABILITY O +, O , O +WHETHER O WHETHER O +IN O IN O +AN O AN O +ACTION O ACTION O +OF O OF O +CONTRACT O CONTRACT O +, O , O +TORT O TORT O +OR O OR O +OTHERWISE O OTHERWISE O +, O , O +ARISING O ARISING O +FROM O FROM O +, O , O +OUT O OUT O +OF O OF O +OR O OR O +IN O IN O +CONNECTION O CONNECTION O +WITH O WITH O +THE O THE O +SOFTWARE O SOFTWARE O +OR O OR O +THE O THE O +USE O USE O +OR O OR O +OTHER O OTHER O +DEALINGS O DEALINGS O +IN O IN O +THE O THE O +SOFTWARE O SOFTWARE O +. O . O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/72 O https://github.com/spacetelescope/specview/issues/72 O + +Closing O Closing O +, O , O +repository O repository O +being O being O +archived O archived O +. O . O + +Repository_Name O Repository_Name O +: O : O +alexgorbatchev/fork O alexgorbatchev/fork O +-promise O -promise O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/alexgorbatchev/fork-promise/issues/1 O https://github.com/alexgorbatchev/fork-promise/issues/1 O + +Let O Let O +'s O 's O +get O get O +started O started O +with O with O +automated O automated O +dependency O dependency O +management O management O +for O for O +fork-promise O fork-promise O +:muscle O :muscle O +: O : O + +This O This O +pull O pull O +request O request O +updates O updates O +all O all O +your O your O +dependencies O dependencies O +to O to O +their O their O +latest O latest O +version O version O +. O . O + +Having O Having O +them O them O +all O all O +up O up O +to O to O +date O date O +really O really O +is O is O +the O the O +best O best O +starting O starting O +point O point O +. O . O + +I O I O +will O will O +look O look O +out O out O +for O for O +further O further O +dependency O dependency O +updates O updates O +and O and O +make O make O +sure O sure O +to O to O +handle O handle O +them O them O +in O in O +isolation O isolation O +and O and O +in O in O +real-time O real-time O +, O , O +as O as O +soon O soon O +as O as O +you O you O +merge O merge O +this O this O +pull O pull O +request O request O +. O . O + +✅ O ✅ O +If O If O +this O this O +pull O pull O +request O request O +passes O passes O +and O and O +everything O everything O +is O is O +still O still O +working O working O + +This O This O +is O is O +really O really O +good O good O +news O news O +. O . O + +Merge O Merge O +this O this O +pull O pull O +request O request O +and O and O +I O I O +will O will O +keep O keep O +you O you O +posted O posted O +about O about O +dependency O dependency O +updates O updates O +you O you O +should O should O +n't O n't O +miss O miss O +. O . O + +❌ O ❌ O +If O If O +this O this O +pull O pull O +request O request O +fails O fails O +and O and O +things O things O +are O are O +n't O n't O +working O working O + +Note O Note O +: O : O +I O I O +wo O wo O +n't O n't O +start O start O +sending O sending O +you O you O +further O further O +updates O updates O +, O , O +unless O unless O +you O you O +have O have O +merged O merged O +this O this O +very O very O +pull O pull O +request O request O +. O . O + +So O So O +, O , O +how O how O +do O do O +we O we O +proceed O proceed O +? O ? O + +I O I O +suggest O suggest O +you O you O +find O find O +out O out O +what O what O +dependency O dependency O +update O update O +is O is O +causing O causing O +the O the O +problem O problem O +. O . O + +Adapt O Adapt O +your O your O +code O code O +so O so O +things O things O +are O are O +working O working O +nicely O nicely O +together O together O +again O again O +. O . O + +next-update O next-update O +is O is O +a O a O +really O really O +handy O handy O +tool O tool O +to O to O +help O help O +you O you O +with O with O +this O this O +. O . O + +Push O Push O +the O the O +changes O changes O +to O to O +this O this O +branch O branch O +and O and O +merge O merge O +it O it O +. O . O + +In O In O +case O case O +you O you O +can O can O +not O not O +, O , O +or O or O +do O do O +not O not O +want O want O +to O to O +update O update O +a O a O +certain O certain O +dependency O dependency O +right O right O +now O now O +, O , O +you O you O +can O can O +of O of O +course O course O +just O just O +change O change O +the O the O +package.json B-File_Name package.json B-Code_Block +file O file O +back O back O +to O to O +your O your O +liking O liking O +. O . O + +Do O Do O +n't O n't O +forget O forget O +to O to O +push O push O +your O your O +changes O changes O +to O to O +this O this O +branch O branch O +, O , O +and O and O +merge O merge O +this O this O +pull O pull O +request O request O +, O , O +so O so O +I O I O +can O can O +start O start O +sending O sending O +you O you O +further O further O +updates O updates O +. O . O + +How O How O +to O to O +update O update O +this O this O +pull O pull O +request O request O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GI_74596 I-Code_Block GI_74596 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +How O How O +to O to O +ignore O ignore O +certain O certain O +dependencies O dependencies O + +Add O Add O +a O a O +greenkeeper.ignore B-Library_Variable greenkeeper.ignore B-Code_Block +field O field O +to O to O +your O your O +package.json B-File_Name package.json B-Code_Block +, O , O +containing O containing O +a O a O +list O list O +of O of O +dependencies O dependencies O +you O you O +do O do O +n't O n't O +want O want O +to O to O +update O update O +right O right O +now O now O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GI_74597 I-Code_Block GI_74597 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +How O How O +the O the O +updates O updates O +will O will O +look O look O +like O like O + +As O As O +soon O soon O +as O as O +you O you O +merge O merge O +this O this O +pull O pull O +request O request O +I O I O +'ll O 'll O +create O create O +a O a O +branch O branch O +for O for O +every O every O +dependency O dependency O +update O update O +, O , O +with O with O +the O the O +new O new O +version O version O +applied O applied O +. O . O + +The O The O +branch O branch O +creation O creation O +should O should O +trigger O trigger O +your O your O +testing O testing O +services O services O +to O to O +check O check O +the O the O +new O new O +version O version O +. O . O + +Using O Using O +the O the O +results O results O +of O of O +these O these O +tests O tests O +I O I O +'ll O 'll O +try O try O +to O to O +open O open O +meaningful O meaningful O +and O and O +helpful O helpful O +pull O pull O +requests O requests O +and O and O +issues O issues O +, O , O +so O so O +your O your O +dependencies O dependencies O +remain O remain O +working O working O +and O and O +up-to-date O up-to-date O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GI_74598 I-Code_Block GI_74598 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +the O the O +above O above O +example O example O +you O you O +can O can O +see O see O +an O an O +in-range O in-range O +update O update O +. O . O + +1.7.0 B-Version 1.7.0 B-Code_Block +is O is O +included O included O +in O in O +the O the O +old O old O +^ B-Version ^ B-Code_Block +1.6.0 I-Version 1.6.0 I-Code_Block +range O range O +, O , O +because O because O +of O of O +the O the O +caret O caret O +^ O ^ B-Code_Block +character O character O +. O . O + +When O When O +the O the O +test O test O +services O services O +report O report O +success O success O +I O I O +'ll O 'll O +delete O delete O +the O the O +branch O branch O +again O again O +, O , O +because O because O +no O no O +action O action O +needs O needs O +to O to O +be O be O +taken O taken O +– O – O +everything O everything O +is O is O +fine O fine O +. O . O + +When O When O +there O there O +is O is O +a O a O +failure O failure O +however O however O +, O , O +I O I O +'ll O 'll O +create O create O +an O an O +issue O issue O +so O so O +you O you O +know O know O +about O about O +the O the O +problem O problem O +immediately O immediately O +. O . O + +This O This O +way O way O +every O every O +single O single O +version O version O +update O update O +of O of O +your O your O +dependencies O dependencies O +will O will O +either O either O +continue O continue O +to O to O +work O work O +with O with O +your O your O +project O project O +, O , O +or O or O +you O you O +'ll O 'll O +get O get O +to O to O +know O know O +of O of O +potential O potential O +problems O problems O +immediately O immediately O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GI_74599 I-Code_Block GI_74599 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +this O this O +example O example O +the O the O +new O new O +version O version O +4.0.0 B-Version 4.0.0 B-Code_Block +is O is O +not O not O +included O included O +in O in O +the O the O +old O old O +^ B-Version ^ B-Code_Block +3.0.0 I-Version 3.0.0 I-Code_Block +range O range O +. O . O + +For O For O +version O version O +updates O updates O +like O like O +these O these O +– O – O +let O let O +'s O 's O +call O call O +them O them O +" O " O +out O out O +of O of O +range O range O +" O " O +updates O updates O +– O – O +you O you O +'ll O 'll O +receive O receive O +a O a O +pull O pull O +request O request O +. O . O + +Now O Now O +you O you O +no O no O +longer O longer O +need O need O +to O to O +check O check O +for O for O +exciting O exciting O +new O new O +versions O versions O +by O by O +hand O hand O +– O – O +I O I O +'ll O 'll O +just O just O +let O let O +you O you O +know O know O +automatically O automatically O +. O . O + +And O And O +the O the O +pull O pull O +request O request O +will O will O +not O not O +only O only O +serve O serve O +as O as O +a O a O +reminder O reminder O +to O to O +update O update O +. O . O + +In O In O +case O case O +it O it O +passes O passes O +your O your O +decent O decent O +test O test O +suite O suite O +that O that O +'s O 's O +a O a O +strong O strong O +reason O reason O +to O to O +merge O merge O +right O right O +away O away O +:shipit O :shipit O +: O : O + +Not O Not O +sure O sure O +how O how O +things O things O +are O are O +going O going O +to O to O +work O work O +exactly O exactly O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +of O of O +course O course O +you O you O +may O may O +always O always O +ask O ask O +my O my O +humans O humans O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +and O and O +see O see O +you O you O +soon O soon O +:sparkles O :sparkles O +: O : O + +Your O Your O +Greenkeeper B-Application Greenkeeper O +Bot O Bot O +:palm_tree O :palm_tree O +: O : O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/2 O https://github.com/McMenemy/GoDoRP/issues/2 O + +The O The O +frontend O frontend O +is O is O +already O already O +using O using O +create-react-app B-Application create-react-app O +and O and O +the O the O +docker O docker O +prod/dev O prod/dev O +options O options O +are O are O +built O built O +on O on O +top O top O +of O of O +it O it O +. O . O + +But O But O +a O a O +migration O migration O +tool O tool O +is O is O +definitly O definitly O +needed O needed O +. O . O + +Currently O Currently O +, O , O +do O do O +not O not O +have O have O +time O time O +to O to O +work O work O +on O on O +this O this O +project O project O +but O but O +pull O pull O +requests O requests O +are O are O +welcome O welcome O +if O if O +you O you O +want O want O +to O to O +add O add O +the O the O +feature O feature O +=) O =) O +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/12 O https://github.com/contributte/logging/issues/12 O + +Hi O Hi O +. O . O + +Looks O Looks O +good O good O +to O to O +me O me O +. O . O + +I O I O +still O still O +dont O dont O +know O know O +how O how O +is O is O +that O that O +possible O possible O +. O . O + +I O I O +have O have O +copied O copied O +these O these O +lines O lines O +from O from O +Tracy B-Library Tracy O +. O . O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/37 O https://github.com/rgeo/rgeo-activerecord/issues/37 O + +I O I O +'m O 'm O +closing O closing O +this O this O +as O as O +this O this O +is O is O +no O no O +longer O longer O +an O an O +issue O issue O +to O to O +me O me O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/13 O https://github.com/linked-statistics/xkos/issues/13 O + +This O This O +has O has O +been O been O +settled O settled O +during O during O +the O the O +teleconference O teleconference O +on O on O +January O January O +19 O 19 O +, O , O +2012 O 2012 O +: O : O +we O we O +keep O keep O +coversExhaustively B-Library_Variable coversExhaustively O +and O and O +coversMutuallyExclusively B-Library_Variable coversMutuallyExclusively O +. O . O + +The O The O +UML B-Language UML O +model O model O +should O should O +be O be O +updated O updated O +. O . O + +Repository_Name O Repository_Name O +: O : O +OpenPrograms/MiscPrograms O OpenPrograms/MiscPrograms O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/OpenPrograms/MiscPrograms/issues/11 O https://github.com/OpenPrograms/MiscPrograms/issues/11 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/22 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/22 O + +LGTM O LGTM O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/8 O https://github.com/rgeo/rgeo-activerecord/issues/8 O + +When O When O +point O point O +is O is O +defined O defined O +as O as O +: O : O +t.point O t.point O +:point O :point O +, O , O +:srid O :srid O +=> O => O +4326 O 4326 O +, O , O +:has_z O :has_z O +=> O => O +true O true O +, O , O +:has_m O :has_m O +=> O => O +true O true O + +and O and O +the O the O +factory O factory O +is O is O +defined O defined O +as O as O +: O : O +RGeo::Geographic.simple_mercator_factory O RGeo::Geographic.simple_mercator_factory O +( O ( O +:has_z_coordinate O :has_z_coordinate O +=> O => O +true O true O +, O , O +:has_m_coordinate O :has_m_coordinate O +=> O => O +true O true O +, O , O +:uses_lenient_assertions O :uses_lenient_assertions O +=> O => O +true O true O +, O , O +) O ) O + +points O points O +produced O produced O +by O by O +the O the O +factory O factory O +have O have O +4 O 4 O +dimensions O dimensions O +, O , O +but O but O +as O as O +soon O soon O +as O as O +they O they O +are O are O +assigned O assigned O +to O to O +the O the O +AR O AR O +object O object O +, O , O +they O they O +lose O lose O +the O the O +M O M O +coordinate O coordinate O +. O . O + +Attempting O Attempting O +to O to O +save O save O +the O the O +objects O objects O +results O results O +in O in O +the O the O +error O error O +listed O listed O +in O in O +: O : O +ActiveRecord::StatementInvalid O ActiveRecord::StatementInvalid O +: O : O +PG::Error O PG::Error O +: O : O +ERROR O ERROR O +: O : O +Column O Column O +has O has O +M O M O +dimension O dimension O +but O but O +geometry O geometry O +does O does O +not O not O + +Rather O Rather O +confounding O confounding O +given O given O +that O that O +everything O everything O +:has_m_coordinate O :has_m_coordinate O +. O . O + +Repository_Name O Repository_Name O +: O : O +ELK24/hello O ELK24/hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/ELK24/hello-world O https://github.com/ELK24/hello-world O + +hello-world O hello-world O + +Training O Training O + +how O how O +to O to O +commit O commit O +changes O changes O +. O . O + +Creating O Creating O +a O a O +second O second O +pull O pull O +request O request O +. O . O + +Creating O Creating O +an O an O +third O third O +offline O offline O +pull O pull O +request O request O +. O . O + +Repository_Name O Repository_Name O +: O : O +jkraemer/redmine_airbrake O jkraemer/redmine_airbrake O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jkraemer/redmine_airbrake/issues/1 O https://github.com/jkraemer/redmine_airbrake/issues/1 O + +Hi O Hi O +, O , O + +I O I O +'ve O 've O +upgraded O upgraded O +airbrake B-Application airbrake O +to O to O +version O version O +5.4.0 B-Version 5.4.0 O +. O . O + +Your O Your O +example O example O +how O how O +to O to O +set O set O +configuration O configuration O +does O does O +n't O n't O +work O work O +, O , O +because O because O +project_key B-Library_Variable project_key O +as O as O +json B-File_Type json O +is O is O +not O not O +a O a O +valid O valid O +URI O URI O +. O . O + +I O I O +fixed O fixed O +it O it O +this O this O +way O way O +( O ( O +added O added O +URI.encode B-Library_Function URI.encode O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_35531 I-Code_Block GR_35531 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/22 O https://github.com/demigor/lex.db/issues/22 O + +As O As O +from O from O +Feb O Feb O +1st O 1st O +2015 O 2015 O +Apple B-Organization Apple O +demands O demands O +64-bit O 64-bit O +submissions O submissions O +only O only O +. O . O + +In O In O +order O order O +to O to O +apply O apply O +to O to O +this O this O +Xamarin B-Application Xamarin O +is O is O +moving O moving O +towards O towards O +the O the O +IO B-Library IO O +Unified I-Library Unified O +API I-Library API O +( O ( O +available O available O +in O in O +Alpha O Alpha O +channels O channels O +) O ) O +. O . O + +Because O Because O +Lex.DB B-Application Lex.DB O +does O does O +not O not O +use O use O +very O very O +specific O specific O +IOS B-Operating_System IOS O +features O features O +, O , O +it O it O +will O will O +be O be O +just O just O +a O a O +recompile O recompile O +in O in O +my O my O +opinion O opinion O +. O . O + +Please O Please O +find O find O +info O info O +: O : O +http://developer.xamarin.com/guides/cross-platform/macios/newstyle/ O http://developer.xamarin.com/guides/cross-platform/macios/newstyle/ O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/13 O https://github.com/svenstaro/flamejam/issues/13 O + +Most O Most O +of O of O +these O these O +will O will O +probably O probably O +be O be O +included O included O +in O in O +the O the O +new O new O +design O design O +, O , O +so O so O +I O I O +close O close O +this O this O +issue O issue O +. O . O + +Rating O Rating O +will O will O +look O look O +completely O completely O +different O different O +, O , O +and O and O +hopefully O hopefully O +more O more O +neatly O neatly O +arranged O arranged O +;) O ;) O +Front O Front O +page O page O +will O will O +be O be O +entirely O entirely O +different O different O +. O . O + +Announcements O Announcements O +will O will O +be O be O +completely O completely O +different O different O +as O as O +well O well O +. O . O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/39 O https://github.com/resin-io-modules/resin-image-fs/issues/39 O + +Well O Well O +, O , O +yeah O yeah O +unfortunately O unfortunately O +I O I O +do O do O +n't O n't O +really O really O +have O have O +time O time O +to O to O +tend O tend O +to O to O +that O that O +one O one O +atm O atm O +@lurch B-User_Name @lurch O +– O – O +there O there O +'s O 's O +still O still O +so O so O +much O much O +to O to O +do O do O +, O , O +from O from O +tests O tests O +to O to O +implementation O implementation O + +Repository_Name O Repository_Name O +: O : O +9818679544/hello O 9818679544/hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/9818679544/hello-world O https://github.com/9818679544/hello-world O + +hello-world O hello-world O + +sanit O sanit O +world O world O +hy O hy O +robot O robot O +? O ? O + +i O i O +am O am O +sanit B-User_Name sanit O +tamang I-User_Name tamang O +and O and O +i O i O +am O am O +a O a O +fresher O fresher O +in O in O +IT O IT O +feild O feild O +. O . O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/14 O https://github.com/rpcope1/Hantek6022API/issues/14 O + +The O The O +PCB B-Device PCB O +appears O appears O +to O to O +be O be O +provisioned O provisioned O +to O to O +add O add O +an O an O +y O y O +wexternal O wexternal O +trigger O trigger O +, O , O +though O though O +it O it O +did O did O +not O not O +make O make O +it O it O +out O out O +of O of O +the O the O +factory O factory O +with O with O +one O one O +. O . O + +I O I O +should O should O +do O do O +severals O severals O +things O things O +: O : O + +Verify O Verify O +that O that O +the O the O +trace O trace O +for O for O +the O the O +trigger O trigger O +interfaces O interfaces O +with O with O +the O the O +FX2LP B-Device FX2LP O +and O and O +determine O determine O +what O what O +pin O pin O +. O . O + +Make O Make O +a O a O +BOM B-Device BOM O +to O to O +determine O determine O +what O what O +additional O additional O +parts O parts O +are O are O +needed O needed O +to O to O +add O add O +this O this O + +Investigate O Investigate O +adding O adding O +ext O ext O +trigger O trigger O +to O to O +firmware O firmware O +and O and O +driver B-Application driver O +. O . O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/3 O https://github.com/op-jenkins/op-build/issues/3 O + +retest O retest O +this O this O +pleae O pleae O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/3 O https://github.com/moxie-lean/ng-patternlab/issues/3 O + +Add O Add O +in O in O +the O the O +widgets O widgets O +front-end O front-end O +from O from O +Skaled B-Application Skaled O +. O . O + +Repository_Name O Repository_Name O +: O : O +TSSaint/MemoryGame O TSSaint/MemoryGame O + +Repository_Link O Repository_Link O +: O : O +https://github.com/TSSaint/MemoryGame O https://github.com/TSSaint/MemoryGame O + +MemoryGame O MemoryGame O + +A O A O +simple O simple O +game O game O +built O built O +with O with O +JavaScript B-Language JavaScript O +and O and O +jQuery B-Library jQuery O +where O where O +users O users O +flip O flip O +cards O cards O +and O and O +look O look O +for O for O +matches O matches O + +Description O Description O +: O : O + +Concentration O Concentration O +, O , O +also O also O +known O known O +as O as O +Match O Match O +Match O Match O +, O , O +Memory O Memory O +, O , O +Pelmanism O Pelmanism O +, O , O +Shinkei-suijaku O Shinkei-suijaku O +, O , O +Pexeso O Pexeso O +or O or O +simply O simply O +Pairs O Pairs O +, O , O +is O is O +a O a O +card O card O +game O game O +in O in O +which O which O +all O all O +of O of O +the O the O +cards O cards O +are O are O +laid O laid O +face O face O +down O down O +on O on O +a O a O +surface O surface O +and O and O +two O two O +cards O cards O +are O are O +flipped O flipped O +face O face O +up O up O +over O over O +each O each O +turn O turn O +. O . O + +The O The O +object O object O +of O of O +the O the O +game O game O +is O is O +to O to O +turn O turn O +over O over O +pairs O pairs O +of O of O +matching O matching O +cards O cards O + +Notes O Notes O +: O : O + +Plans O Plans O +for O for O +the O the O +future O future O +will O will O +allow O allow O +for O for O +random O random O +card O card O +placement O placement O +and O and O +smoother O smoother O +animations O animations O + +Repository_Name O Repository_Name O +: O : O +andrewreeman/simpleSF_Player O andrewreeman/simpleSF_Player O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/andrewreeman/Simple-soundfile-player/issues/12 O https://github.com/andrewreeman/Simple-soundfile-player/issues/12 O + +http://rand0mbitsandbytes.blogspot.de/2012/02/playing-audio-in-java.html O http://rand0mbitsandbytes.blogspot.de/2012/02/playing-audio-in-java.html O + +Repository_Name O Repository_Name O +: O : O +JonathanPannell/ProgrammeTest_01_01 O JonathanPannell/ProgrammeTest_01_01 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/JonathanPannell/ProgrammeTest_01_01/issues/1 O https://github.com/JonathanPannell/ProgrammeTest_01_01/issues/1 O + +This O This O +defect O defect O +is O is O +listed O listed O +to O to O +confirm O confirm O +the O the O +defect O defect O +process O process O +on O on O +this O this O +account O account O + +Im O Im O +looking O looking O +for O for O +Severity O Severity O +and O and O +Priority O Priority O +criteria O criteria O +. O . O + +These O These O +may O may O +have O have O +to O to O +be O be O +created O created O +as O as O +Labels O Labels O +. O . O + +TBC O TBC O + +The O The O +following O following O +is O is O +a O a O +PNG B-File_Type PNG O +and O and O +represents O represents O +a O a O +screen O screen O +shot O shot O +of O of O +the O the O +defect O defect O +. O . O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/34 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/34 O + +Jake B-User_Name Jake O +Landis I-User_Name Landis O +merged O merged O +this O this O +into O into O +the O the O +following O following O +branches O branches O +! O ! O + +Branch O Branch O + +Commits O Commits O + +master O master O + +d42c7597b7b6bc192d55a7a787180112a42535cd O d42c7597b7b6bc192d55a7a787180112a42535cd O +, O , O +ffc5b325ee9e8120e553e975128ea15727e75b66 O ffc5b325ee9e8120e553e975128ea15727e75b66 O +, O , O +a6edf75477b4337584e3d7f1ad1de718d6f6d553 O a6edf75477b4337584e3d7f1ad1de718d6f6d553 O +, O , O +2f4811a015350552fa2b9bce23f5a4443cb16581 O 2f4811a015350552fa2b9bce23f5a4443cb16581 O + +Repository_Name O Repository_Name O +: O : O +rdzhadan/integracja O rdzhadan/integracja O +-systemow O -systemow O + +Repository_Link O Repository_Link O +: O : O +https://github.com/rdzhadan/integracja-systemow O https://github.com/rdzhadan/integracja-systemow O + +TODO O TODO O +: O : O +UPDATE O UPDATE O + +Repository_Name O Repository_Name O +: O : O +nerab/TaskWarriorMail O nerab/TaskWarriorMail O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/nerab/TaskWarriorMail/issues/1 O https://github.com/nerab/TaskWarriorMail/issues/1 O + +What O What O +if O if O +a O a O +malicious O malicious O +hacker O hacker O +sends O sends O +us O us O +mail O mail O +with O with O +subjects O subjects O +that O that O +escape O escape O +to O to O +the O the O +shell B-Application shell O +? O ? O + +Add O Add O +tests O tests O +to O to O +ensure O ensure O +we O we O +are O are O +safe O safe O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/24 O https://github.com/mapbox/tile-count/issues/24 O + +https://github.com/mapbox/tile-count/pull/27 O https://github.com/mapbox/tile-count/pull/27 O + +Repository_Name O Repository_Name O +: O : O +OpenPrograms/MiscPrograms O OpenPrograms/MiscPrograms O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/OpenPrograms/MiscPrograms/issues/4 O https://github.com/OpenPrograms/MiscPrograms/issues/4 O + +Just O Just O +some O some O +optimization O optimization O +for O for O +my O my O +API B-Library API O +to O to O +make O make O +it O it O +update O update O +less O less O +often O often O +. O . O + +Repository_Name O Repository_Name O +: O : O +brandonscott/nabu O brandonscott/nabu O +-ios O -ios O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/brandonscott/nabu-ios/issues/1 O https://github.com/brandonscott/nabu-ios/issues/1 O + +Can O Can O +you O you O +provide O provide O +some O some O +further O further O +debugging O debugging O +information O information O +? O ? O + +Make O Make O +sure O sure O +you O you O +'re O 're O +using O using O +the O the O +Utility B-Application Utility O +app O app O +from O from O +the O the O +Developer B-Website Developer O +Portal I-Website Portal O +at O at O +: O : O +http://developer.razerzone.com O http://developer.razerzone.com O + +Do O Do O +you O you O +have O have O +the O the O +SDK B-Application SDK O +files O files O +downloaded O downloaded O +and O and O +added O added O +to O to O +the O the O +project O project O +? O ? O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/3 O https://github.com/rgeo/rgeo-activerecord/issues/3 O + +I O I O +am O am O +writing O writing O +some O some O +tests O tests O +of O of O +the O the O +validation O validation O +, O , O +and O and O +I O I O +am O am O +running O running O +into O into O +the O the O +problem O problem O +that O that O +trying O trying O +to O to O +set O set O +a O a O +spatial O spatial O +column B-Data_Structure column O +to O to O +an O an O +invalid O invalid O +value O value O +raises O raises O +an O an O +exception B-Library_Class exception O +before O before O +validators O validators O +can O can O +run O run O +. O . O + +For O For O +example O example O +, O , O +I O I O +have O have O +a O a O +spec O spec O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_38093 I-Code_Block GR_38093 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +which O which O +tries O tries O +to O to O +create O create O +a O a O +Model B-Library_Class Model B-Code_Block +with O with O +the O the O +invalid O invalid O +WKT B-Language WKT O +string B-Data_Type string O +" B-Code_Block " B-Code_Block +POINT I-Code_Block POINT I-Code_Block +( I-Code_Block ( I-Code_Block +1 I-Code_Block 1 I-Code_Block +) I-Code_Block ) I-Code_Block +" I-Code_Block " I-Code_Block +. O . O + +I O I O +expect O expect O +to O to O +get O get O +an O an O +entry O entry O +in O in O +model.errors B-Library_Variable model.errors B-Code_Block +, O , O +but O but O +an O an O +exception B-Library_Class exception O +is O is O +raised O raised O +, O , O +causing O causing O +the O the O +spec O spec O +to O to O +fail O fail O +. O . O + +There O There O +should O should O +be O be O +a O a O +way O way O +to O to O +have O have O +this O this O +problem O problem O +show O show O +up O up O +as O as O +an O an O +entry O entry O +in O in O +errors B-Library_Variable errors B-Code_Block +rather O rather O +than O than O +an O an O +exception B-Library_Class exception O +, O , O +since O since O +Rails O Rails O +has O has O +an O an O +easier O easier O +time O time O +dealing O dealing O +with O with O +the O the O +former O former O +. O . O + +As O As O +a O a O +workaround O workaround O +, O , O +I O I O +overrode O overrode O +the O the O +pos B-Function_Name pos B-Code_Block += I-Function_Name = I-Code_Block +method O method O +with O with O +the O the O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_38094 I-Code_Block GR_38094 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Which O Which O +simply O simply O +turns O turns O +the O the O +exception B-Library_Class exception O +into O into O +an O an O +entry O entry O +in O in O +errors B-Library_Variable errors B-Code_Block +. O . O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/5 O https://github.com/wsdookadr/fieldtop/issues/5 O + +… O … O +more O more O +more O more O +features O features O +. O . O + +Console B-Application Console O +help O help O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_47201 I-Code_Block GR_47201 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Example O Example O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_47202 I-Code_Block GR_47202 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Added O Added O +new O new O +features O features O +: O : O + +Allow O Allow O +host/username/password O host/username/password O +through O through O +cli B-Application cli O +. O . O + +--max B-Library_Variable --max B-Code_Block +argument O argument O +: O : O +to O to O +limit O limit O +the O the O +output O output O +. O . O + +I O I O +had O had O +so O so O +many O many O +columns B-Data_Structure columns O +that O that O +my O my O +console B-Application console O +buffer O buffer O +rans O rans O +full O full O +, O , O +although O although O +I O I O +'m O 'm O +only O only O +interested O interested O +in O in O +the O the O +top O top O +. O . O + +--database B-Library_Variable --database B-Code_Block +argument O argument O +: O : O +to O to O +limit O limit O +to O to O +a O a O +database O database O +: O : O +I O I O +have O have O +for O for O +example O example O +dozens O dozens O +of O of O +database O database O +on O on O +my O my O +server B-Application server O +. O . O + +It O It O +took O took O +a O a O +while O while O +until O until O +the O the O +script O script O +was O was O +done O done O +. O . O + +Next O Next O +steps O steps O + +Add O Add O +it O it O +to O to O +packagist.org B-Website packagist.org O + +Maybe O Maybe O +think O think O +about O about O +new O new O +sorting O sorting O +so O so O +--max B-Library_Variable --max B-Code_Block +makes O makes O +more O more O +sense O sense O +( O ( O +in O in O +terms O terms O +of O of O +: O : O +sort O sort O +it O it O +that O that O +interesting O interesting O +values O values O +are O are O +at O at O +the O the O +top O top O +) O ) O + +Repository_Name O Repository_Name O +: O : O +paulr60/mhbc1 O paulr60/mhbc1 O + +Repository_Link O Repository_Link O +: O : O +https://github.com/paulr60/mhbc1 O https://github.com/paulr60/mhbc1 O + +Ruby B-Library Ruby O +on I-Library on O +Rails I-Library Rails O +based O based O +website O website O +for O for O +Montgomery O Montgomery O +Hills O Hills O +Baptist O Baptist O +Church O Church O + +This O This O +is O is O +the O the O +website O website O +for O for O +the O the O +Montomgery O Montomgery O +Hills O Hills O +Baptist O Baptist O +Church O Church O +located O located O +in O in O +Wheaton O Wheaton O +, O , O +MD O MD O +. O . O + +Repository_Name O Repository_Name O +: O : O +madison-kerndt/off O madison-kerndt/off O +-on-guard-synesthesia O -on-guard-synesthesia O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/madison-kerndt/avant-garde-synesthesia/issues/12 O https://github.com/madison-kerndt/avant-garde-synesthesia/issues/12 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/13 O https://github.com/contributte/logging/issues/13 O + +Hi O Hi O +. O . O + +What O What O +about O about O +this O this O +#11 O #11 O +? O ? O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/11 O https://github.com/mfellner/webpack-sandboxed/issues/11 O + + +Coverage O Coverage O +remained O remained O +the O the O +same O same O +at O at O +87.081 O 87.081 O +% O % O +when O when O +pulling O pulling O +58a3d960734287ec5d1e0800f4c7f0786d444eae O 58a3d960734287ec5d1e0800f4c7f0786d444eae O +on O on O +update-project O update-project O +into O into O +7d213e9298552cbd544cad3380ebbffb4616670e O 7d213e9298552cbd544cad3380ebbffb4616670e O +on O on O +master O master O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/26 O https://github.com/google-ar/arcore-unreal-sdk/issues/26 O + +You O You O +'re O 're O +right O right O +, O , O +it O it O +should O should O +. O . O + +That O That O +does O does O +n't O n't O +make O make O +sense O sense O +. O . O + +If O If O +you O you O +could O could O +capture O capture O +a O a O +logcat B-Application logcat O +that O that O +would O would O +be O be O +helpful O helpful O +. O . O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/7 O https://github.com/svenstaro/flamejam/issues/7 O + +We O We O +do O do O +n't O n't O +like O like O +bots O bots O +. O . O + +Repository_Name O Repository_Name O +: O : O +andrewlundy/hello O andrewlundy/hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/andrewlundy/hello-world O https://github.com/andrewlundy/hello-world O + +hello-world O hello-world O + +My O My O +name O name O +is O is O +Andrew B-User_Name Andrew O +and O and O +I O I O +am O am O +a O a O +front-end O front-end O +web O web O +developer O developer O +who O who O +is O is O +working O working O +on O on O +building O building O +my O my O +back-end O back-end O +skills O skills O +! O ! O + +Just O Just O +creating O creating O +my O my O +first O first O +repository O repository O +and O and O +making O making O +commits O commits O +. O . O + +Testing O Testing O +edits O edits O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/6 O https://github.com/zeroepoch/plotbitrate/issues/6 O + +I O I O +'ll O 'll O +have O have O +to O to O +look O look O +up O up O +the O the O +options O options O +for O for O +setting O setting O +limits O limits O +in O in O +matplotlib B-Library matplotlib O +but O but O +it O it O +'s O 's O +definitely O definitely O +possible O possible O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/22 O https://github.com/mapbox/tile-count/issues/22 O + +Sparse O Sparse O +areas O areas O +of O of O +the O the O +world O world O +would O would O +be O be O +much O much O +better O better O +documented O documented O +if O if O +we O we O +connected O connected O +lines O lines O +between O between O +samples O samples O +instead O instead O +of O of O +just O just O +including O including O +dots O dots O +at O at O +the O the O +samples O samples O +themselves O themselves O +. O . O + +The O The O +downside O downside O +: O : O +more O more O +visual O visual O +noise O noise O +when O when O +there O there O +is O is O +GPS B-Device GPS O +error O error O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/117 O https://github.com/linked-statistics/xkos/issues/117 O + +Original O Original O +issue O issue O +: O : O +#80 O #80 O + +XKOS B-Library XKOS O +does O does O +not O not O +propose O propose O +any O any O +mechanism O mechanism O +to O to O +give O give O +the O the O +user O user O +the O the O +possibility O possibility O +to O to O +provide O provide O +details O details O +on O on O +how O how O +correspondence O correspondence O +links O links O +have O have O +been O been O +established O established O +at O at O +the O the O +linkset O linkset O +level O level O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/32 O https://github.com/resin-io-modules/resin-image-fs/issues/32 O + +This O This O +PR O PR O +: O : O + +Updates O Updates O +Bluebird B-Library Bluebird O +( O ( O +the O the O +current O current O +version O version O +is O is O +very O very O +out O out O +of O of O +date O date O +does O does O +n't O n't O +support O support O +things O things O +like O like O +catchReturn B-Library_Function catchReturn B-Code_Block +, O , O +which O which O +some O some O +downstream O downstream O +projects O projects O +assume O assume O +exist O exist O +) O ) O + +Adds O Adds O +error O error O +handling O handling O +for O for O +the O the O +createReadStream B-Library_Function createReadStream B-Code_Block +call O call O +- O - O +I O I O +'m O 'm O +not O not O +actually O actually O +sure O sure O +if O if O +that O that O +was O was O +causing O causing O +issues O issues O +in O in O +my O my O +resin-device-init B-Application resin-device-init O +code O code O +, O , O +but O but O +it O it O +'s O 's O +certainly O certainly O +a O a O +risky O risky O +operation O operation O +that O that O +previously O previously O +would O would O +silently O silently O +implode O implode O +if O if O +it O it O +fails O fails O +( O ( O +and O and O +which O which O +now O now O +properly O properly O +emits O emits O +an O an O +error O error O +instead O instead O +) O ) O + +Move O Move O +from O from O +using O using O +.on() B-Library_Function .on() B-Code_Block +followed O followed O +by O by O +.removeListener B-Library_Function .removeListener B-Code_Block +to O to O +use O use O +.once B-Library_Function .once B-Code_Block +instead O instead O +, O , O +and O and O +generally O generally O +try O try O +to O to O +make O make O +the O the O +code O code O +a O a O +little O little O +clearer O clearer O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/36 O https://github.com/smirarab/pasta/issues/36 O + +Hi O Hi O +Mike B-User_Name Mike O +, O , O + +Thanks O Thanks O +! O ! O + +Although O Although O +2.7 B-Version 2.7 O +is O is O +my O my O +default O default O +python B-Language python O +version O version O +, O , O +configure.py B-File_Name configure.py O +was O was O +using O using O +python B-Language python O +3.6 B-Version 3.6 O +' O ' O +s O s O +configparser B-Library_Class configparser O +. O . O + +I O I O +fixed O fixed O +the O the O +issue O issue O +by O by O +running O running O +python B-Code_Block python B-Code_Block +setup.py I-Code_Block setup.py I-Code_Block +develop I-Code_Block develop I-Code_Block +again O again O +but O but O +in O in O +a O a O +conda B-Application conda O +py2.7 B-Language py2.7 O +environment O environment O +. O . O + +Best O Best O +, O , O +Nada B-User_Name Nada O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/24 O https://github.com/google-ar/arcore-unreal-sdk/issues/24 O + +I O I O +have O have O +used O used O +Unreal B-Application Unreal O +engine I-Application engine O +4.19 B-Version 4.19 O +with O with O +ARCore B-Application ARCore O +SDK I-Application SDK O +1.2.1 B-Version 1.2.1 O +which O which O +is O is O +given O given O +in O in O +ARcore B-Application ARcore O +with O with O +Unreal B-Application Unreal O +engine I-Application engine O +. O . O + +( O ( O +official O official O +ARCore B-Application ARCore O +site O site O +) O ) O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/26 O https://github.com/google-ar/arcore-unreal-sdk/issues/26 O + +Which O Which O +phone B-Device phone O +are O are O +you O you O +testing O testing O +on O on O +? O ? O + +You O You O +get O get O +SupportedNotInstalled B-Error_Name SupportedNotInstalled O +if O if O +the O the O +phone B-Device phone O +is O is O +supported O supported O +by O by O +the O the O +ARCore B-Application ARCore O +apk I-Application apk O +is O is O +n't O n't O +installed O installed O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/24 O https://github.com/mapbox/tile-count/issues/24 O + +Currently O Currently O +getting O getting O +the O the O +number O number O +of O of O +available O available O +cores B-Device cores O +here O here O +. O . O + +@ericfischer B-User_Name @ericfischer O +- O - O +this O this O +has O has O +been O been O +an O an O +issue O issue O +using O using O +docker B-Application docker O +on O on O +ECS B-Application ECS O +. O . O + +I O I O +think O think O +the O the O +function O function O +look O look O +at O at O +the O the O +cluster O cluster O +availability O availability O +rather O rather O +than O than O +the O the O +actual O actual O +reservation O reservation O +. O . O + +Adding O Adding O +an O an O +option O option O +with O with O +the O the O +max O max O +number O number O +of O of O +cpus B-Device cpus O +to O to O +use O use O +should O should O +do O do O +the O the O +job O job O +! O ! O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/20 O https://github.com/demigor/lex.db/issues/20 O + +Support O Support O +for O for O +SortedSet B-Library_Class SortedSet O +could O could O +be O be O +easily O easily O +added O added O +the O the O +same O same O +way O way O +the O the O +List B-Data_Structure List O +is O is O +implemented O implemented O +. O . O + +I O I O +will O will O +include O include O +SortedSet B-Library_Class SortedSet O +and O and O +MIT B-Licence MIT O +license I-Licence license O +changes O changes O +in O in O +the O the O +next O next O +update O update O +. O . O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/2 O https://github.com/thehyve/puppet-i2b2/issues/2 O + +Beaker B-Application Beaker O +test O test O +fails O fails O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_38589 I-Code_Block GR_38589 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/12 O https://github.com/koding/kd-atom/issues/12 O + +fixes O fixes O +#1 O #1 O + +Repository_Name O Repository_Name O +: O : O +surol/speedtest O surol/speedtest O +-cli O -cli O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/surol/speedtest-cli/issues/3 O https://github.com/surol/speedtest-cli/issues/3 O + +Fixed O Fixed O +in O in O +#4 O #4 O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/36 O https://github.com/smirarab/pasta/issues/36 O + +Hi O Hi O +Nada B-User_Name Nada O +, O , O + +The O The O +config B-File_Type config O +files O files O +in O in O +pasta B-Application pasta O +have O have O +to O to O +be O be O +in O in O +a O a O +valid O valid O +INI B-File_Type INI O +file O file O +format O format O +, O , O +specifically O specifically O +the O the O +structure O structure O +used O used O +by O by O +the O the O +python B-Language python O +configparser B-Library_Class configparser O +module O module O +( O ( O +see O see O +https://docs.python.org/3/library/configparser.html O https://docs.python.org/3/library/configparser.html O +) O ) O +. O . O + +So O So O +the O the O +most O most O +likely O likely O +issue O issue O +is O is O +that O that O +some O some O +part O part O +of O of O +the O the O +cfg B-File_Type cfg O +file O file O +did O did O +not O not O +conform O conform O +to O to O +those O those O +specs O specs O +. O . O + +In O In O +the O the O +case O case O +of O of O +PASTA B-Application PASTA O +, O , O +it O it O +will O will O +be O be O +looking O looking O +for O for O +specific O specific O +section O section O +and O and O +key O key O +names O names O +. O . O + +The O The O +best O best O +way O way O +to O to O +create O create O +a O a O +config B-File_Type config O +file O file O +might O might O +be O be O +to O to O +run O run O +pasta B-Application pasta O +on O on O +one O one O +of O of O +the O the O +examples O examples O +and O and O +look O look O +at O at O +the O the O +config B-File_Type config O +file O file O +that O that O +is O is O +created O created O +in O in O +the O the O +output O output O +folder O folder O +. O . O + +That O That O +will O will O +be O be O +populated O populated O +by O by O +default O default O +settings O settings O +( O ( O +excpet O excpet O +for O for O +things O things O +like O like O +input O input O +and O and O +output O output O +paths O paths O +and O and O +such O such O +) O ) O +. O . O + +But O But O +using O using O +that O that O +as O as O +a O a O +template O template O +for O for O +a O a O +new O new O +config B-File_Type config O +file O file O +should O should O +be O be O +helpful O helpful O +. O . O + +Let O Let O +me O me O +know O know O +if O if O +that O that O +does O does O +n't O n't O +help O help O +. O . O + +Mike B-User_Name Mike O + +On O On O +Wed O Wed O +, O , O +Oct O Oct O +3 O 3 O +, O , O +2018 O 2018 O +at O at O +4:25 O 4:25 O +PM O PM O +Nada B-User_Name Nada O +Elnour I-User_Name Elnour O +notifications@github.com O notifications@github.com O +wrote O wrote O +: O : O + +Hello O Hello O +, O , O + +I O I O +am O am O +encountering O encountering O +the O the O +following O following O +error O error O +when O when O +attemping O attemping O +to O to O +analyze O analyze O +a O a O +FASTA B-Application FASTA O +collection O collection O +using O using O +run_pasta_gui.py B-File_Name run_pasta_gui.py O +: O : O + +PASTA B-Error_Name PASTA O +ERROR I-Error_Name ERROR O +: O : O +PASTA B-Application PASTA O +is O is O +exiting O exiting O +because O because O +of O of O +an O an O +error O error O +: O : O +The O The O +file O file O +" O " O +/home/nadaelnour/PASTA/pasta/tmpFXAY6D_internal.cfg O /home/nadaelnour/PASTA/pasta/tmpFXAY6D_internal.cfg O +" O " O +does O does O +not O not O +appear O appear O +to O to O +be O be O +a O a O +valid O valid O +configuration O configuration O +file O file O +format O format O +. O . O + +It O It O +lacks O lacks O +section O section O +headers O headers O +. O . O + +Job B-Library_Class Job O +pastajob B-Variable_Name pastajob O +is O is O +finished O finished O +. O . O + +— O — O +You O You O +are O are O +receiving O receiving O +this O this O +because O because O +you O you O +are O are O +subscribed O subscribed O +to O to O +this O this O +thread O thread O +. O . O + +Reply O Reply O +to O to O +this O this O +email O email O +directly O directly O +, O , O +view O view O +it O it O +on O on O +GitHub B-Website GitHub O +https://github.com/smirarab/pasta/issues/36 O https://github.com/smirarab/pasta/issues/36 O +, O , O +or O or O +mute O mute O +the O the O +thread O thread O + +https://github.com/notifications/unsubscribe-auth/AAuefehPawYuYugwu15QbtJgkRa8D-Frks5uhR0lgaJpZM4XGze5 O https://github.com/notifications/unsubscribe-auth/AAuefehPawYuYugwu15QbtJgkRa8D-Frks5uhR0lgaJpZM4XGze5 O + +. O . O + +- O - O +- O - O +Michael B-User_Name Michael O +Nute I-User_Name Nute O +Mike.Nute@gmail.com O Mike.Nute@gmail.com O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/1 O https://github.com/mfellner/webpack-sandboxed/issues/1 O + +Add O Add O +yarn B-Application yarn O +configuration O configuration O +for O for O +TravisCI B-Application TravisCI O +. O . O + +https://blog.travis-ci.com/2016-11-21-travis-ci-now-supports-yarn O https://blog.travis-ci.com/2016-11-21-travis-ci-now-supports-yarn O + +Repository_Name O Repository_Name O +: O : O +mongrate/mongrate.com O mongrate/mongrate.com O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mongrate/mongrate.com/issues/1 O https://github.com/mongrate/mongrate.com/issues/1 O + +Fixed O Fixed O +. O . O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/8 O https://github.com/lbarasti/gps_app/issues/8 O + +The O The O +refresh O refresh O +rate O rate O +is O is O +probably O probably O +too O too O +high O high O +at O at O +1Hz O 1Hz O +. O . O + +As O As O +the O the O +buses O buses O +only O only O +report O report O +every O every O +minute O minute O +refresh O refresh O +could O could O +happily O happily O +drop O drop O +to O to O +once O once O +every O every O +10s O 10s O +or O or O +so O so O +. O . O + +It O It O +'d O 'd O +be O be O +nice O nice O +if O if O +we O we O +could O could O +get O get O +rid O rid O +of O of O +the O the O +flicker O flicker O +on O on O +refresh O refresh O +as O as O +well O well O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/27 O https://github.com/rgeo/rgeo-activerecord/issues/27 O + +Yes O Yes O +, O , O +see O see O +the O the O +rails-5 B-Library rails-5 B-Code_Block +branch O branch O +, O , O +#32 O #32 O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/22 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/22 O + +Jordan B-User_Name Jordan O +Sissel I-User_Name Sissel O +merged O merged O +this O this O +into O into O +the O the O +following O following O +branches O branches O +! O ! O + +Branch O Branch O + +Commits O Commits O + +master O master O + +d42aa5ff607025cda8138a29f5531854ae3a3b85 O d42aa5ff607025cda8138a29f5531854ae3a3b85 O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/14 O https://github.com/spacetelescope/specview/issues/14 O + +For O For O +a O a O +prototype O prototype O +, O , O +this O this O +may O may O +not O not O +be O be O +too O too O +critical O critical O +, O , O +but O but O +opening O opening O +up O up O +the O the O +issue O issue O +anyways O anyways O +. O . O + +Repository_Name O Repository_Name O +: O : O +jamstooks/django O jamstooks/django O +-acme-challenge O -acme-challenge O + +Repository_Link O Repository_Link O +: O : O +https://github.com/jamstooks/django-acme-challenge O https://github.com/jamstooks/django-acme-challenge O + +django-acme-challenge O django-acme-challenge O + +A O A O +quick O quick O +tool O tool O +to O to O +serve O serve O +the O the O +acme-challenge B-Library acme-challenge O +verification O verification O +page O page O +. O . O + +When O When O +creating O creating O +an O an O +SSL O SSL O +certificate O certificate O +with O with O +Let B-Application Let O +'s O 's O +Encrypt I-Application Encrypt O +, O , O +you O you O +need O need O +to O to O +serve O serve O +a O a O +page B-User_Interface_Element page O +that O that O +they O they O +request O request O +to O to O +confirm O confirm O +you O you O +own O own O +the O the O +site O site O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_168133 I-Code_Block GR_168133 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +app O app O +provides O provides O +a O a O +quick O quick O +way O way O +to O to O +serve O serve O +and O and O +update O update O +that O that O +page B-User_Interface_Element page O +from O from O +two O two O +settings O settings O +variables O variables O +. O . O + +Installation O Installation O + +PyPI B-Library PyPI O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_168134 I-Code_Block GR_168134 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Github B-Website Github O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_168135 I-Code_Block GR_168135 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Settings O Settings O + +Add O Add O +' B-Code_Block ' B-Code_Block +acme_challenge I-Code_Block acme_challenge I-Code_Block +' B-Code_Block ' B-Code_Block +, I-Code_Block , I-Code_Block +to O to O +your O your O +installed O installed O +apps O apps O +and O and O +update O update O +your O your O +urls.py B-File_Name urls.py O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_168136 I-Code_Block GR_168136 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Just O Just O +set O set O +two O two O +variables O variables O +( O ( O +I O I O +like O like O +to O to O +assign O assign O +these O these O +with O with O +env O env O +vars O vars O +, O , O +personally O personally O +) O ) O +: O : O + +ACME_CHALLENGE_URL_SLUG B-Library_Variable ACME_CHALLENGE_URL_SLUG B-Code_Block + +ACME_CHALLENGE_TEMPLATE_CONTENT B-Library_Variable ACME_CHALLENGE_TEMPLATE_CONTENT B-Code_Block + +http://your-domain-name/.well-known/acme-challenge/ACME_CHALLENGE_URL_SLUG B-Code_Block http://your-domain-name/.well-known/acme-challenge/ACME_CHALLENGE_URL_SLUG B-Code_Block + +will O will O +then O then O +serve O serve O +the O the O +value O value O +of O of O +ACME_CHALLENGE_TEMPLATE_CONTENT B-Library_Variable ACME_CHALLENGE_TEMPLATE_CONTENT B-Code_Block + +for O for O +validation O validation O +. O . O + +Compatibility O Compatibility O + +Support O Support O +Django B-Library Django O +1.8 B-Version 1.8 O +- O - O +2.0 B-Version 2.0 O +and O and O +Python B-Language Python O +2 B-Version 2 O +& O & O +3 B-Version 3 O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/79 O https://github.com/spacetelescope/specview/issues/79 O + +It O It O +is O is O +still O still O +active O active O +.Not B-Library .Not O +in O in O +development O development O +terms O terms O +, O , O +but O but O +it O it O +may O may O +still O still O +contain O contain O +solutions O solutions O +that O that O +could O could O +be O be O +ported O ported O +to O to O +specviz B-Library specviz O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/5 O https://github.com/wsdookadr/fieldtop/issues/5 O + + +While O While O +Symfony B-Library Symfony O +users O users O +may O may O +find O find O +this O this O +tool O tool O +useful O useful O +and O and O +we O we O +would O would O +welcome O welcome O +them O them O +all O all O +to O to O +use O use O +this O this O +tool O tool O +, O , O +our O our O +common O common O +goal O goal O +is O is O +to O to O +maximize O maximize O +the O the O +user-base O user-base O +, O , O +and O and O +in O in O +order O order O +to O to O +reach O reach O +that O that O +goal O goal O +we O we O +would O would O +need O need O +to O to O +keep O keep O +close O close O +to O to O +what O what O +PHP B-Language PHP O +ships O ships O +with O with O + +Every O Every O +php B-Language php O +application O application O +has O has O +dependencies O dependencies O +. O . O + +user-base O user-base O +is O is O +not O not O +decreased O decreased O +when O when O +you O you O +use O use O +dependencies O dependencies O +, O , O +except O except O +you O you O +build O build O +a O a O +library O library O +( O ( O +which O which O +fieldtop B-Application fieldtop O +is O is O +not O not O +) O ) O +and O and O +you O you O +need O need O +high O high O +portability O portability O +between O between O +various O various O +versions O versions O +. O . O + +However O However O +, O , O +even O even O +if O if O +this O this O +would O would O +be O be O +a O a O +library O library O +, O , O +the O the O +dependency O dependency O +requirements O requirements O +are O are O +very O very O +liberal O liberal O +. O . O + +It O It O +has O has O +Symfony B-Application Symfony O +console I-Application console O +~ B-Version ~ B-Code_Block +2.3 I-Version 2.3 I-Code_Block +|| O || I-Code_Block +~ B-Version ~ I-Code_Block +3.0 I-Version 3.0 I-Code_Block +which O which O +means O means O +basically O basically O +all O all O +version O version O +from O from O +the O the O +last O last O +years O years O +. O . O + +Also O Also O +, O , O +maybe O maybe O +you O you O +'re O 're O +not O not O +aware O aware O +of O of O +it O it O +: O : O +A O A O +Symfony B-Library Symfony O +component O component O +is O is O +not O not O +equal O equal O +to O to O +Symfony B-Library Symfony O +. O . O + +If O If O +you O you O +use O use O +one O one O +component O component O +, O , O +you O you O +use O use O +one O one O +component O component O +, O , O +not O not O +Symfony B-Library Symfony O +completely O completely O +nor O nor O +do O do O +you O you O +restrict O restrict O +the O the O +usage O usage O +to O to O +Symfony B-Library Symfony O +. O . O + +You O You O +do O do O +not O not O +exclude O exclude O +people O people O +with O with O +different O different O +Symfony B-Library Symfony O +versions O versions O +( O ( O +since O since O +our O our O +version O version O +constraint O constraint O +is O is O +very O very O +loose O loose O +) O ) O +and O and O +it O it O +works O works O +perfectly O perfectly O +fine O fine O +with O with O +different O different O +frameworks O frameworks O +( O ( O +CakePHP/Laravel/Zend/.. B-Library CakePHP/Laravel/Zend/.. O +. O . O +will O will O +work O work O +with O with O +this O this O +as O as O +well O well O +) O ) O +. O . O + +However O However O +, O , O +I O I O +do O do O +n't O n't O +think O think O +people O people O +will O will O +integrate O integrate O +fieldtop B-Application fieldtop O +in O in O +their O their O +project O project O +as O as O +class O class O +dependencies O dependencies O +, O , O +rather O rather O +as O as O +application O application O +dependency O dependency O +; O ; O +Means O Means O +: O : O +They O They O +will O will O +use O use O +the O the O +" O " O +binary O binary O +" O " O +fieldtop B-Application fieldtop B-Code_Block +, O , O +not O not O +your O your O +php B-Language php O +classes O classes O +. O . O + +You O You O +mentioned O mentioned O +php B-Language php O +version O version O +constraint O constraint O +to O to O +php B-Language php O +5.5.9 B-Version 5.5.9 O +, O , O +which O which O +I O I O +guess O guess O +you O you O +think O think O +may O may O +decrease O decrease O +the O the O +user-base O user-base O +even O even O +more O more O +. O . O + +One O One O +statement O statement O +about O about O +that O that O +: O : O +PHP B-Language PHP O +5.5 B-Version 5.5 O +and O and O +low O low O +are O are O +not O not O +supported O supported O +version O version O +anymore O anymore O +from O from O +the O the O +php B-Language php O +project O project O +. O . O + +One O One O +tip O tip O +maybe O maybe O +: O : O +Getting O Getting O +around O around O +dependencies O dependencies O +or O or O +version O version O +constraints O constraints O +do O do O +usually O usually O +not O not O +increase O increase O +noticeable O noticeable O +a O a O +user-base O user-base O +. O . O + +You O You O +only O only O +make O make O +your O your O +live O live O +dramatically O dramatically O +more O more O +difficult O difficult O +with O with O +that O that O +. O . O + +What O What O +you O you O +get O get O +with O with O +this O this O +is O is O +: O : O + +Projects O Projects O +with O with O +old O old O +code O code O +base O base O +and O and O +old O old O +php B-Language php O +versions O versions O +( O ( O +which O which O +is O is O +pain O pain O +to O to O +support O support O +for O for O +both O both O +: O : O +you O you O +and O and O +the O the O +owner O owner O +) O ) O +. O . O + +edge O edge O +case O case O +scenarios O scenarios O +( O ( O +user O user O +A O A O +has O has O +a O a O +same O same O +dependency O dependency O +but O but O +with O with O +extremely O extremely O +old O old O +version O version O +) O ) O +. O . O + +higher O higher O +costs O costs O +of O of O +maintenance O maintenance O +. O . O + +Write O Write O +Symfony B-Application Symfony O +Console I-Application Console O +via O via O +getopt B-Library_Function getopt B-Code_Block +on O on O +your O your O +own O own O +should O should O +simply O simply O +not O not O +be O be O +a O a O +goal O goal O +at O at O +all O all O +. O . O + +It O It O +'s O 's O +a O a O +waste O waste O +of O of O +time O time O +with O with O +no O no O +benefit O benefit O +. O . O + +What O What O +you O you O +do O do O +n't O n't O +get O get O +: O : O + +higher O higher O +user-base O user-base O + +Repository_Name O Repository_Name O +: O : O +alexyer/orderup O alexyer/orderup O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/alexyer/orderup/issues/1 O https://github.com/alexyer/orderup/issues/1 O + +Hi O Hi O +there O there O +. O . O + +Repository_Name O Repository_Name O +: O : O +madison-kerndt/off O madison-kerndt/off O +-on-guard-synesthesia O -on-guard-synesthesia O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/madison-kerndt/avant-garde-synesthesia/issues/32 O https://github.com/madison-kerndt/avant-garde-synesthesia/issues/32 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +madison-kerndt/off O madison-kerndt/off O +-on-guard-synesthesia O -on-guard-synesthesia O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/madison-kerndt/avant-garde-synesthesia/issues/20 O https://github.com/madison-kerndt/avant-garde-synesthesia/issues/20 O + +For O For O +some O some O +reason O reason O +the O the O +audio O audio O +tag O tag O +and O and O +file O file O +is O is O +not O not O +playing O playing O +correctly O correctly O +. O . O + +I O I O +do O do O +n't O n't O +think O think O +it O it O +is O is O +an O an O +issue O issue O +with O with O +the O the O +file O file O +path O path O +, O , O +so O so O +I O I O +not O not O +sure O sure O +if O if O +it O it O +is O is O +the O the O +actual O actual O +file O file O +or O or O +how O how O +I O I O +am O am O +calling O calling O +it O it O +. O . O + +Would O Would O +you O you O +take O take O +a O a O +look O look O +? O ? O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/2 O https://github.com/mfellner/webpack-sandboxed/issues/2 O + +Webpack-sandboxed B-Application Webpack-sandboxed O +should O should O +support O support O +vendor O vendor O +splitting O splitting O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/20 O https://github.com/demigor/lex.db/issues/20 O + +Hello O Hello O +, O , O +do O do O +you O you O +plan O plan O +to O to O +add O add O +native O native O +support O support O +for O for O +saving O saving O +SortedSet B-Library_Class SortedSet O +in O in O +Lex.Db B-Application Lex.Db O +? O ? O + +Or O Or O +maybe O maybe O +you O you O +can O can O +suggest O suggest O +how O how O +can O can O +I O I O +save O save O +it O it O +now O now O +? O ? O + +Thanks O Thanks O +. O . O + +Repository_Name O Repository_Name O +: O : O +nerab/TaskWarriorMail O nerab/TaskWarriorMail O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/nerab/TaskWarriorMail/issues/2 O https://github.com/nerab/TaskWarriorMail/issues/2 O + +Signatures O Signatures O +separated O separated O +by O by O +" O " O +- O - O +- O - O +" O " O +( O ( O +dash-dash-space O dash-dash-space O +) O ) O +can O can O +be O be O +thrown O thrown O +away O away O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Repository_Link O Repository_Link O +: O : O +https://github.com/ManuelDeLeon/vmc2jsx O https://github.com/ManuelDeLeon/vmc2jsx O + +viewmodel-react-plugin O viewmodel-react-plugin O + +Converts O Converts O +ViewModel B-Library ViewModel O +code O code O +into O into O +React B-Library React O +. O . O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/15 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/15 O + +Released O Released O +with O with O +v1.0.1 B-Version v1.0.1 O +of O of O +this O this O +plugin O plugin O +. O . O + +Thanks O Thanks O +for O for O +finding O finding O +this O this O +@wanghq B-User_Name @wanghq O +! O ! O + +Repository_Name O Repository_Name O +: O : O +getconversio/mongoose O getconversio/mongoose O +-paginate O -paginate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/getconversio/mongoose-paginate/issues/1 O https://github.com/getconversio/mongoose-paginate/issues/1 O + +This O This O +package O package O +is O is O +unmantained O unmantained O +, O , O +we O we O +should O should O +find O find O +an O an O +alternative O alternative O +. O . O + +A O A O +fix O fix O +in O in O +the O the O +meantime O meantime O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/6 O https://github.com/wsdookadr/fieldtop/issues/6 O + +Hi O Hi O +I O I O +'ve O 've O +an O an O +issue O issue O +with O with O +fieldtop B-Application fieldtop O +: O : O +it O it O +does O does O +n't O n't O +display O display O +very O very O +much O much O +. O . O + +user O user O +@host O @host O +: O : O +~ O ~ O +$ O $ O +curl O curl O +http://localhost/fieldtop/fieldtop.php O http://localhost/fieldtop/fieldtop.php O +vOAutresAdh�rent O vOAutresAdh�rent O +user O user O +@host O @host O +: O : O +~ O ~ O +$ O $ O + +The O The O +column B-Data_Structure column O +displayed O displayed O +contains O contains O +mostly O mostly O +null O null O +value O value O +( O ( O +18Knull O 18Knull O +and O and O +3 O 3 O +non O non O +null O null O +value O value O +) O ) O +The O The O +execution O execution O +of O of O +" O " O +fieldtop.sql B-File_Name fieldtop.sql O +" O " O +in O in O +a O a O +mysql B-Application mysql O +console I-Application console O +give O give O +me O me O +4001 O 4001 O +rows B-Data_Structure rows O +of O of O +results O results O +. O . O + +If O If O +I O I O +rename O rename O +my O my O +column B-Data_Structure column O +to O to O +avoid O avoid O +the O the O +é O é O +character O character O +it O it O +seems O seems O +to O to O +work O work O +but O but O +it O it O +takes O takes O +hours O hours O +to O to O +run O run O +. O . O + +My O My O +database O database O +has O has O +4001 O 4001 O +columns O columns O +and O and O +70Go O 70Go O +to O to O +check O check O +, O , O +so O so O +i O i O +understand O understand O +that O that O +it O it O +can O can O +not O not O +be O be O +lightning O lightning O +fast O fast O +, O , O +but O but O +still O still O +... O ... O +. O . O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/1 O https://github.com/op-jenkins/op-build/issues/1 O + +retest O retest O +this O this O +please O please O + +Repository_Name O Repository_Name O +: O : O +xavierartot/grunt O xavierartot/grunt O +-parallax-scrollr-svg-png O -parallax-scrollr-svg-png O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/xavierartot/grunt-parallax-scrollr-svg-png/issues/1 O https://github.com/xavierartot/grunt-parallax-scrollr-svg-png/issues/1 O + +🚨 O 🚨 O +You O You O +need O need O +to O to O +enable O enable O +Continuous O Continuous O +Integration O Integration O +on O on O +all O all O +branches O branches O +of O of O +this O this O +repository O repository O +. O . O + +🚨 O 🚨 O + +To O To O +enable O enable O +Greenkeeper O Greenkeeper O +, O , O +you O you O +need O need O +to O to O +make O make O +sure O sure O +that O that O +a O a O +commit O commit O +status O status O +is O is O +reported O reported O +on O on O +all O all O +branches O branches O +. O . O + +This O This O +is O is O +required O required O +by O by O +Greenkeeper O Greenkeeper O +because O because O +it O it O +uses O uses O +your O your O +CI O CI O +build O build O +statuses O statuses O +to O to O +figure O figure O +out O out O +when O when O +to O to O +notify O notify O +you O you O +about O about O +breaking O breaking O +changes O changes O +. O . O + +Since O Since O +we O we O +did O did O +n't O n't O +receive O receive O +a O a O +CI O CI O +status O status O +on O on O +the O the O +greenkeeper/initial B-Code_Block greenkeeper/initial B-Code_Block +branch O branch O +, O , O +it O it O +'s O 's O +possible O possible O +that O that O +you O you O +do O do O +n't O n't O +have O have O +CI O CI O +set O set O +up O up O +yet O yet O +. O . O + +We O We O +recommend O recommend O +using O using O +Travis O Travis O +CI O CI O +, O , O +but O but O +Greenkeeper O Greenkeeper O +will O will O +work O work O +with O with O +every O every O +other O other O +CI O CI O +service O service O +as O as O +well O well O +. O . O + +If O If O +you O you O +have O have O +already O already O +set O set O +up O up O +a O a O +CI O CI O +for O for O +this O this O +repository O repository O +, O , O +you O you O +might O might O +need O need O +to O to O +check O check O +how O how O +it O it O +'s O 's O +configured O configured O +. O . O + +Make O Make O +sure O sure O +it O it O +is O is O +set O set O +to O to O +run O run O +on O on O +all O all O +new O new O +branches O branches O +. O . O + +If O If O +you O you O +do O do O +n't O n't O +want O want O +it O it O +to O to O +run O run O +on O on O +absolutely O absolutely O +every O every O +branch O branch O +, O , O +you O you O +can O can O +whitelist O whitelist O +branches O branches O +starting O starting O +with O with O +greenkeeper/ B-Code_Block greenkeeper/ B-Code_Block +. O . O + +Once O Once O +you O you O +have O have O +installed O installed O +and O and O +configured O configured O +CI O CI O +on O on O +this O this O +repository O repository O +correctly O correctly O +, O , O +you O you O +'ll O 'll O +need O need O +to O to O +re-trigger O re-trigger O +Greenkeeper O Greenkeeper O +'s O 's O +initial O initial O +pull O pull O +request O request O +. O . O + +To O To O +do O do O +this O this O +, O , O +please O please O +delete O delete O +the O the O +greenkeeper/initial B-Code_Block greenkeeper/initial B-Code_Block +branch O branch O +in O in O +this O this O +repository O repository O +, O , O +and O and O +then O then O +remove O remove O +and O and O +re-add O re-add O +this O this O +repository O repository O +to O to O +the O the O +Greenkeeper O Greenkeeper O +App O App O +'s O 's O +white O white O +list O list O +on O on O +Github O Github O +. O . O + +You O You O +'ll O 'll O +find O find O +this O this O +list O list O +on O on O +your O your O +repo O repo O +or O or O +organization O organization O +'s O 's O +settings O settings O +page O page O +, O , O +under O under O +Installed O Installed O +GitHub O GitHub O +Apps O Apps O +. O . O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/4 O https://github.com/rgeo/rgeo-activerecord/issues/4 O + +Ooohhh O Ooohhh O +, O , O +I O I O +think O think O +you O you O +'re O 're O +right O right O +. O . O + +Whoops O Whoops O +. O . O + +I O I O +'ll O 'll O +get O get O +this O this O +merged O merged O +and O and O +released O released O +asap O asap O +. O . O + +Repository_Name O Repository_Name O +: O : O +kristinlin/turbo O kristinlin/turbo O +-system O -system O + +Repository_Link O Repository_Link O +: O : O +https://github.com/kristinlin/turbo-system O https://github.com/kristinlin/turbo-system O + +:dollar O :dollar O +: O : O +Monopoly B-Application Monopoly O +: O : O +For O For O +Ages O Ages O +6 O 6 O +and O and O +Under O Under O +and O and O +85 O 85 O +and O and O +Over O Over O +:dollar O :dollar O +: O : O + +Systems O Systems O +Project O Project O +02 O 02 O +: O : O +The O The O +Final O Final O +Frontier O Frontier O +Brian B-User_Name Brian O +Leung I-User_Name Leung O +, O , O +Kristin B-User_Name Kristin O +Lin I-User_Name Lin O +, O , O +Sabrina B-User_Name Sabrina O +Wen I-User_Name Wen O +| O | O +Pd O Pd O +. O . O + +10 O 10 O + +Broad O Broad O +Description O Description O + +Wotcher O Wotcher O +Mr O Mr O +. O . O +DW O DW O +( O ( O +and O and O +friends O friends O +) O ) O +! O ! O + +Welcome O Welcome O +to O to O +a O a O +special O special O +edition O edition O +of O of O +Monopoly O Monopoly O +: O : O +For O For O +Ages O Ages O +6 O 6 O +and O and O +Under O Under O +and O and O +85 O 85 O +and O and O +Over O Over O +! O ! O + +The O The O +objective O objective O +of O of O +this O this O +game O game O +is O is O +similar O similar O +to O to O +regular O regular O +Monopoly O Monopoly O +: O : O +you O you O +will O will O +work O work O +against O against O +3 O 3 O +other O other O +players O players O +to O to O +buy O buy O +property O property O +( O ( O +or O or O +not O not O +! O ! O + +) O ) O +, O , O +and O and O +compete O compete O +to O to O +see O see O +who O who O +can O can O +survive O survive O +the O the O +longest O longest O +in O in O +a O a O +ruthless O ruthless O +capitalist O capitalist O +world O world O +. O . O + +We O We O +have O have O +also O also O +decided O decided O +to O to O +set O set O +this O this O +game O game O +in O in O +the O the O +UK O UK O +( O ( O +for O for O +aesthetic O aesthetic O +reasons O reasons O +) O ) O +. O . O + +Libraries O Libraries O +Required O Required O +( O ( O +and O and O +how O how O +to O to O +install O install O +them O them O +! O ! O +) O ) O + +libsdl2-dev B-Library libsdl2-dev O +sudo B-Code_Block sudo B-Code_Block +apt-get I-Code_Block apt-get I-Code_Block +install I-Code_Block install I-Code_Block +libsdl2-dev I-Code_Block libsdl2-dev I-Code_Block + +libsdl-image1.2 B-Library libsdl-image1.2 O +sudo B-Code_Block sudo B-Code_Block +apt-get I-Code_Block apt-get I-Code_Block +install I-Code_Block install I-Code_Block +libsdl-image1.2-dev I-Code_Block libsdl-image1.2-dev I-Code_Block + +libsdl2-2.0 B-Library libsdl2-2.0 O +sudo B-Code_Block sudo B-Code_Block +apt-get I-Code_Block apt-get I-Code_Block +install I-Code_Block install I-Code_Block +libsdl2-2.0 I-Code_Block libsdl2-2.0 I-Code_Block + +How O How O +to O to O +Play O Play O +: O : O + +Clone O Clone O +this O this O +repository O repository O +and O and O +cd O cd O +into O into O +it O it O +( O ( O +turbo-system O turbo-system O +) O ) O +. O . O + +Install O Install O +above O above O +libraries O libraries O +. O . O + +In O In O +your O your O +terminal O terminal O +, O , O +type O type O +in O in O +the O the O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_35141 I-Code_Block GR_35141 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Make O Make O +four O four O +new O new O +terminal B-Application terminal O +windows O windows O +or O or O +tabs O tabs O +, O , O +and O and O +making O making O +sure O sure O +you O you O +are O are O +in O in O +this O this O +directory O directory O +( O ( O +turbo-system O turbo-system O +) O ) O +, O , O +type O type O +in O in O +./client B-Code_Block ./client B-Code_Block +. O . O + +Our O Our O +game O game O +requires O requires O +exactly O exactly O +four O four O +players/clients O players/clients O +. O . O + +The O The O +computer B-Device computer O +will O will O +choose O choose O +a O a O +random O random O +player/client O player/client O +to O to O +start O start O +, O , O +and O and O +" O " O +roll O roll O +" O " O +the O the O +dice O dice O +for O for O +you O you O +. O . O + +You O You O +will O will O +move O move O +1 O 1 O +to O to O +12 O 12 O +spaces O spaces O +from O from O +your O your O +starting O starting O +position O position O +and O and O +start O start O +off O off O +with O with O +$ O $ O +1500 O 1500 O +. O . O + +Possible O Possible O +spaces O spaces O +you O you O +can O can O +land O land O +on O on O +include O include O +: O : O + +Property/Railroad O Property/Railroad O +space O space O + +This O This O +is O is O +the O the O +most O most O +common O common O +space O space O +. O . O + +The O The O +terminal B-Application terminal O +will O will O +ask O ask O +you O you O +if O if O +you O you O +want O want O +to O to O +purchase O purchase O +a O a O +property O property O +and O and O +how O how O +much O much O +rent O rent O +you O you O +stand O stand O +to O to O +gain O gain O +from O from O +it O it O +. O . O + +Type O Type O +" O " O +yes O yes O +" O " O +or O or O +" O " O +YES O YES O +" O " O +if O if O +you O you O +wish O wish O +to O to O +, O , O +type O type O +anything O anything O +other O other O +than O than O +" O " O +yes O yes O +" O " O +or O or O +" O " O +YES O YES O +" O " O +if O if O +you O you O +do O do O +not O not O +. O . O + +If O If O +you O you O +do O do O +buy O buy O +the O the O +property O property O +, O , O +you O you O +have O have O +the O the O +option O option O +of O of O +buying O buying O +1-4 O 1-4 O +houses O houses O +( O ( O +or O or O +no O no O +houses O houses O +at O at O +all O all O +) O ) O +. O . O + +The O The O +terminal O terminal O +will O will O +tell O tell O +you O you O +how O how O +much O much O +each O each O +house O house O +costs O costs O +and O and O +how O how O +much O much O +rent O rent O +you O you O +will O will O +earn O earn O +based O based O +on O on O +how O how O +many O many O +houses O houses O +you O you O +buy O buy O +. O . O + +You O You O +must O must O +type O type O +in O in O +an O an O +integer O integer O +from O from O +0 O 0 O +to O to O +4 O 4 O +. O . O + +Rent O Rent O +is O is O +a O a O +fixed O fixed O +amount O amount O +of O of O +cash O cash O +collected O collected O +anytime O anytime O +a O a O +player O player O +other O other O +than O than O +you O you O +lands O lands O +on O on O +your O your O +property O property O +. O . O + +If O If O +you O you O +choose O choose O +not O not O +to O to O +pay O pay O +for O for O +a O a O +property O property O +and/or O and/or O +houses O houses O +for O for O +that O that O +property O property O +, O , O +nothing O nothing O +will O will O +happen O happen O +to O to O +you O you O +. O . O + +Chance O Chance O +space O space O + +If O If O +you O you O +land O land O +on O on O +a O a O +chance O chance O +space O space O +, O , O +the O the O +computer B-Device computer O +will O will O +randomly O randomly O +draw O draw O +a O a O +card O card O +from O from O +the O the O +chance O chance O +deck O deck O +for O for O +you O you O +. O . O + +You O You O +have O have O +no O no O +choice O choice O +but O but O +to O to O +follow O follow O +the O the O +actions O actions O +of O of O +the O the O +chance O chance O +card O card O +. O . O + +You O You O +might O might O +earn/lose O earn/lose O +money O money O +, O , O +and/or O and/or O +be O be O +transported O transported O +to O to O +another O another O +location O location O +on O on O +the O the O +board O board O +. O . O + +Jail O Jail O +, O , O +luxury O luxury O +tax O tax O +, O , O +free O free O +parking O parking O +, O , O +etc O etc O +. O . O + +These O These O +are O are O +special O special O +spaces O spaces O +, O , O +where O where O +you O you O +might O might O +be O be O +charged O charged O +a O a O +fee O fee O +, O , O +with O with O +the O the O +amount O amount O +depending O depending O +on O on O +where O where O +you O you O +land O land O +, O , O +or O or O +nothing O nothing O +might O might O +happen O happen O +to O to O +you O you O +, O , O +depending O depending O +on O on O +where O where O +you O you O +land O land O +. O . O + +The O The O +game O game O +only O only O +ends O ends O +when O when O +all O all O +but O but O +one O one O +player O player O +is O is O +bankrupt O bankrupt O +. O . O + +The O The O +last O last O +non-bankrupt O non-bankrupt O +player O player O +standing O standing O +is O is O +the O the O +winner O winner O +. O . O + +If O If O +you O you O +cannot O cannot O +pay O pay O +rent O rent O +, O , O +you O you O +are O are O +automatically O automatically O +deemed O deemed O +bankrupt O bankrupt O +and O and O +lose O lose O +. O . O + +Although O Although O +this O this O +game O game O +is O is O +mostly O mostly O +conducted O conducted O +through O through O +the O the O +terminal O terminal O +, O , O +the O the O +board O board O +will O will O +tell O tell O +you O you O +where O where O +you O you O +are O are O +and O and O +where O where O +everyone O everyone O +else O else O +is O is O +. O . O + +NOTE O NOTE O +: O : O +Sometimes O Sometimes O +the O the O +game O game O +might O might O +not O not O +work O work O +, O , O +but O but O +just O just O +run O run O +it O it O +once O once O +or O or O +twice O twice O +again O again O +if O if O +it O it O +does O does O +n't O n't O +run O run O +the O the O +first O first O +time O time O +. O . O + +Type O Type O +in O in O +make B-Code_Block make B-Code_Block +clean I-Code_Block clean I-Code_Block +and O and O +then O then O +make B-Code_Block make B-Code_Block +to O to O +run O run O +again O again O +. O . O + +Have O Have O +fun O fun O +! O ! O + +:grinning O :grinning O +: O : O + +Repository_Name O Repository_Name O +: O : O +T-Dawg/dojo_rules O T-Dawg/dojo_rules O + +Repository_Link O Repository_Link O +: O : O +https://github.com/T-Dawg/dojo_rules O https://github.com/T-Dawg/dojo_rules O + +Dojo O Dojo O +Rules O Rules O + +This O This O +repository O repository O +contains O contains O +a O a O +list B-Data_Type list O +of O of O +dojo O dojo O +rules O rules O +for O for O +the O the O +Deadly O Deadly O +Vipers O Vipers O +dojo O dojo O +. O . O + +All O All O +members O members O +should O should O +read O read O +the O the O +rules O rules O + +https://github.com/deadlyvipers O https://github.com/deadlyvipers O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/7 O https://github.com/dhrrgn/codeigniter-uhoh/issues/7 O + +When O When O +printing O printing O +traces O traces O +that O that O +has O has O +HTML B-Language HTML O +entities O entities O +within O within O +, O , O +some O some O +items O items O +can O can O +end O end O +up O up O +partially O partially O +or O or O +completely O completely O +hidden O hidden O +. O . O + +To O To O +quickly O quickly O +patch O patch O +this O this O +problem O problem O +the O the O +output O output O +on O on O +, O , O +errors/error_php_custom.php B-File_Name errors/error_php_custom.php O +@142 O @142 O +is O is O +wrapped O wrapped O +in O in O +htmlentities B-Language htmlentities O +. O . O + +php B-Code_Block php O +echo I-Code_Block echo O +htmlentities I-Code_Block htmlentities O +( I-Code_Block ( O +print_r I-Code_Block print_r O +( I-Code_Block ( O +$arg I-Code_Block $arg O +, I-Code_Block , O +TRUE I-Code_Block TRUE O +) I-Code_Block ) O +) B-Code_Block ) O +? O ? O + +Not O Not O +sure O sure O +if O if O +fix O fix O +is O is O +applicable O applicable O +anywhere O anywhere O +else O else O +. O . O + +Repository_Name O Repository_Name O +: O : O +kamarrcos/Hello O kamarrcos/Hello O +-world O -world O + +Repository_Link O Repository_Link O +: O : O +https://github.com/kamarrcos/Hello-world O https://github.com/kamarrcos/Hello-world O + +Hello-world O Hello-world O + +Testing O Testing O +how O how O +to O to O +navigate O navigate O +Github B-Website Github O +and O and O +create O create O +applications O applications O +This O This O +test O test O +is O is O +going O going O +extremely O extremely O +well O well O +. O . O + +Repository_Name O Repository_Name O +: O : O +madison-kerndt/off O madison-kerndt/off O +-on-guard-synesthesia O -on-guard-synesthesia O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/madison-kerndt/avant-garde-synesthesia/issues/39 O https://github.com/madison-kerndt/avant-garde-synesthesia/issues/39 O + +You O You O +can O can O +make O make O +a O a O +song O song O +with O with O +whole O whole O +notes O notes O +!!! O !!! O +! O ! O + +Yeah O Yeah O +! O ! O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Repository_Link O Repository_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws O https://github.com/logstash-plugins/logstash-mixin-aws O + +Logstash B-Application Logstash O +Plugin O Plugin O + +This O This O +is O is O +a O a O +plugin O plugin O +for O for O +Logstash B-Application Logstash O +. O . O + +It O It O +is O is O +fully O fully O +free O free O +and O and O +fully O fully O +open O open O +source O source O +. O . O + +The O The O +license O license O +is O is O +Apache B-Licence Apache O +2.0 B-Version 2.0 O +, O , O +meaning O meaning O +you O you O +are O are O +pretty O pretty O +much O much O +free O free O +to O to O +use O use O +it O it O +however O however O +you O you O +want O want O +in O in O +whatever O whatever O +way O way O +. O . O + +Documentation O Documentation O + +Logstash B-Application Logstash O +provides O provides O +infrastructure O infrastructure O +to O to O +automatically O automatically O +generate O generate O +documentation O documentation O +for O for O +this O this O +plugin O plugin O +. O . O + +We O We O +use O use O +the O the O +asciidoc B-File_Type asciidoc O +format O format O +to O to O +write O write O +documentation O documentation O +so O so O +any O any O +comments O comments O +in O in O +the O the O +source O source O +code O code O +will O will O +be O be O +first O first O +converted O converted O +into O into O +asciidoc B-File_Type asciidoc O +and O and O +then O then O +into O into O +html B-File_Type html O +. O . O + +All O All O +plugin O plugin O +documentation O documentation O +are O are O +placed O placed O +under O under O +one O one O +central O central O +location O location O +. O . O + +For O For O +formatting O formatting O +code O code O +or O or O +config O config O +example O example O +, O , O +you O you O +can O can O +use O use O +the O the O +asciidoc B-File_Type asciidoc O +[ B-Code_Block [ B-Code_Block +source I-Code_Block source I-Code_Block +, I-Code_Block , I-Code_Block +ruby I-Code_Block ruby I-Code_Block +] I-Code_Block ] I-Code_Block +directive O directive O + +For O For O +more O more O +asciidoc B-File_Type asciidoc O +formatting O formatting O +tips O tips O +, O , O +see O see O +the O the O +excellent O excellent O +reference O reference O +here O here O +https://github.com/elastic/docs#asciidoc-guide O https://github.com/elastic/docs#asciidoc-guide O + +Need O Need O +Help O Help O +? O ? O + +Need O Need O +help O help O +? O ? O + +Try O Try O +#logstash O #logstash O +on O on O +freenode B-Application freenode O +IRC I-Application IRC O +or O or O +the O the O +https://discuss.elastic.co/c/logstash O https://discuss.elastic.co/c/logstash O +discussion O discussion O +forum O forum O +. O . O + +Developing O Developing O + +1 O 1 O +. O . O + +Plugin O Plugin O +Developement O Developement O +and O and O +Testing O Testing O + +Code O Code O + +To O To O +get O get O +started O started O +, O , O +you O you O +'ll O 'll O +need O need O +JRuby B-Language JRuby O +with O with O +the O the O +Bundler B-Application Bundler O +gem O gem O +installed O installed O +. O . O + +Create O Create O +a O a O +new O new O +plugin O plugin O +or O or O +clone O clone O +and O and O +existing O existing O +from O from O +the O the O +GitHub B-Website GitHub O +logstash-plugins O logstash-plugins O +organization O organization O +. O . O + +We O We O +also O also O +provide O provide O +example O example O +plugins O plugins O +. O . O + +Install O Install O +dependencies O dependencies O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_96695 I-Code_Block GR_96695 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Test O Test O + +Update O Update O +your O your O +dependencies O dependencies O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_96696 I-Code_Block GR_96696 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Run O Run O +tests O tests O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_96697 I-Code_Block GR_96697 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +2 O 2 O +. O . O + +Running O Running O +your O your O +unpublished O unpublished O +Plugin O Plugin O +in O in O +Logstash B-Application Logstash O + +2.1 O 2.1 O +Run O Run O +in O in O +a O a O +local O local O +Logstash B-Application Logstash O +clone O clone O + +Edit O Edit O +Logstash B-Application Logstash O +Gemfile B-File_Type Gemfile B-Code_Block +and O and O +add O add O +the O the O +local O local O +plugin O plugin O +path O path O +, O , O +for O for O +example O example O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_96698 I-Code_Block GR_96698 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Install O Install O +plugin O plugin O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_96699 I-Code_Block GR_96699 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Run O Run O +Logstash B-Application Logstash O +with O with O +your O your O +plugin O plugin O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_96700 I-Code_Block GR_96700 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +At O At O +this O this O +point O point O +any O any O +modifications O modifications O +to O to O +the O the O +plugin O plugin O +code O code O +will O will O +be O be O +applied O applied O +to O to O +this O this O +local O local O +Logstash B-Application Logstash O +setup O setup O +. O . O + +After O After O +modifying O modifying O +the O the O +plugin O plugin O +, O , O +simply O simply O +rerun O rerun O +Logstash B-Application Logstash O +. O . O + +2.2 O 2.2 O +Run O Run O +in O in O +an O an O +installed O installed O +Logstash B-Application Logstash O + +You O You O +can O can O +use O use O +the O the O +same O same O +2.1 O 2.1 O +method O method O +to O to O +run O run O +your O your O +plugin O plugin O +in O in O +an O an O +installed O installed O +Logstash B-Application Logstash O +by O by O +editing O editing O +its O its O +Gemfile B-File_Type Gemfile B-Code_Block +and O and O +pointing O pointing O +the O the O +:path B-Code_Block :path B-Code_Block +to O to O +your O your O +local O local O +plugin O plugin O +development O development O +directory O directory O +or O or O +you O you O +can O can O +build O build O +the O the O +gem O gem O +and O and O +install O install O +it O it O +using O using O +: O : O + +Build O Build O +your O your O +plugin O plugin O +gem O gem O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_96701 I-Code_Block GR_96701 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Install O Install O +the O the O +plugin O plugin O +from O from O +the O the O +Logstash B-Application Logstash O +home O home O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_96702 I-Code_Block GR_96702 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Start O Start O +Logstash B-Application Logstash O +and O and O +proceed O proceed O +to O to O +test O test O +the O the O +plugin O plugin O + +Contributing O Contributing O + +All O All O +contributions O contributions O +are O are O +welcome O welcome O +: O : O +ideas O ideas O +, O , O +patches O patches O +, O , O +documentation O documentation O +, O , O +bug O bug O +reports O reports O +, O , O +complaints O complaints O +, O , O +and O and O +even O even O +something O something O +you O you O +drew O drew O +up O up O +on O on O +a O a O +napkin O napkin O +. O . O + +Programming O Programming O +is O is O +not O not O +a O a O +required O required O +skill O skill O +. O . O + +Whatever O Whatever O +you O you O +'ve O 've O +seen O seen O +about O about O +open O open O +source O source O +and O and O +maintainers O maintainers O +or O or O +community O community O +members O members O +saying O saying O +" O " O +send O send O +patches O patches O +or O or O +die O die O +" O " O +- O - O +you O you O +will O will O +not O not O +see O see O +that O that O +here O here O +. O . O + +It O It O +is O is O +more O more O +important O important O +to O to O +the O the O +community O community O +that O that O +you O you O +are O are O +able O able O +to O to O +contribute O contribute O +. O . O + +For O For O +more O more O +information O information O +about O about O +contributing O contributing O +, O , O +see O see O +the O the O +CONTRIBUTING B-File_Name CONTRIBUTING O +file O file O +. O . O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/40 O https://github.com/rgeo/rgeo-activerecord/issues/40 O + +How O How O +can O can O +I O I O +transform O transform O +a O a O +geometry O geometry O +from O from O +an O an O +SRID O SRID O +to O to O +another O another O +SRID O SRID O +? O ? O + +In O In O +GeoDjango B-Library GeoDjango O +, O , O +I O I O +can O can O +accomplish O accomplish O +this O this O +with O with O +#transform O #transform O +: O : O +https://docs.djangoproject.com/en/1.11/ref/contrib/gis/geoquerysets/#transform O https://docs.djangoproject.com/en/1.11/ref/contrib/gis/geoquerysets/#transform O + +In O In O +PostGIS B-Application PostGIS O +, O , O +I O I O +can O can O +SELECT B-Code_Block SELECT B-Code_Block +ST_Transform(geometry, I-Code_Block ST_Transform(geometry, I-Code_Block +4326) I-Code_Block 4326) I-Code_Block +AS I-Code_Block AS I-Code_Block +the_geom_wgs84 I-Code_Block the_geom_wgs84 I-Code_Block +. O . O + +Is O Is O +it O it O +possible O possible O +with O with O +this O this O +gem O gem O +? O ? O + +Repository_Name O Repository_Name O +: O : O +progdude/Flicks O progdude/Flicks O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/progdude/Flicks/issues/2 O https://github.com/progdude/Flicks/issues/2 O + +: O : O ++ O + O +1 O 1 O +: O : O +Nice O Nice O +work O work O +! O ! O + +The O The O +point O point O +of O of O +this O this O +homework O homework O +was O was O +to O to O +get O get O +a O a O +chance O chance O +to O to O +implement O implement O +a O a O +TableView B-User_Interface_Element TableView O +( O ( O +one O one O +of O of O +the O the O +most O most O +common O common O +views O views O +in O in O +iOS B-Operating_System iOS O +) O ) O +and O and O +to O to O +work O work O +with O with O +real O real O +data O data O +over O over O +the O the O +network O network O +( O ( O +in O in O +this O this O +case O case O +from O from O +the O the O +Movies B-Library Movies O +Database I-Library Database O +API I-Library API O +) O ) O +. O . O + +A O A O +key O key O +part O part O +of O of O +these O these O +projects O projects O +is O is O +that O that O +you O you O +add O add O +additional O additional O +features O features O +and O and O +tweak O tweak O +the O the O +UI O UI O +/ O / O +UX O UX O +because O because O +that O that O +will O will O +provide O provide O +the O the O +most O most O +learning O learning O +opportunities O opportunities O +. O . O + +We O We O +encourage O encourage O +you O you O +to O to O +complete O complete O +the O the O +projects O projects O +early O early O +each O each O +week O week O +with O with O +the O the O +required O required O +stories O stories O +and O and O +then O then O +spend O spend O +time O time O +adding O adding O +your O your O +own O own O +UI O UI O +elements O elements O +and O and O +experimenting O experimenting O +with O with O +optional O optional O +extensions O extensions O +that O that O +will O will O +improve O improve O +the O the O +user O user O +experience O experience O +. O . O + +We O We O +have O have O +a O a O +detailed O detailed O +Project O Project O +1 O 1 O +Feedback O Feedback O +Guide O Guide O +which O which O +covers O covers O +the O the O +best O best O +practices O practices O +for O for O +implementing O implementing O +this O this O +assignment O assignment O +. O . O + +Read O Read O +through O through O +the O the O +feedback O feedback O +guide O guide O +point-by-point O point-by-point O +to O to O +determine O determine O +ways O ways O +you O you O +might O might O +be O be O +able O able O +to O to O +improve O improve O +your O your O +submission O submission O +. O . O + +You O You O +should O should O +consider O consider O +going O going O +back O back O +and O and O +implementing O implementing O +these O these O +improvements O improvements O +as O as O +well O well O +. O . O + +Keep O Keep O +in O in O +mind O mind O +that O that O +one O one O +of O of O +the O the O +most O most O +important O important O +parts O parts O +of O of O +iOS B-Operating_System iOS O +development O development O +is O is O +learning O learning O +the O the O +correct O correct O +patterns O patterns O +and O and O +conventions O conventions O +. O . O + +If O If O +you O you O +have O have O +any O any O +particular O particular O +questions O questions O +about O about O +the O the O +assignment O assignment O +or O or O +the O the O +feedback O feedback O +, O , O +feel O feel O +free O free O +to O to O +reply O reply O +here O here O +or O or O +email O email O +us O us O +at O at O +universitysupport@codepath.com O universitysupport@codepath.com O +. O . O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/1 O https://github.com/smirarab/pasta/issues/1 O + +I O I O +could O could O +not O not O +reproduce O reproduce O +this O this O +problem O problem O +in O in O +the O the O +current O current O +version O version O +. O . O + +This O This O +seems O seems O +to O to O +be O be O +fixed O fixed O +already O already O +. O . O + +Closing O Closing O +for O for O +now O now O +, O , O +but O but O +please O please O +feel O feel O +free O free O +to O to O +reopen O reopen O +if O if O +you O you O +can O can O +reproduce O reproduce O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Repository_Link O Repository_Link O +: O : O +https://github.com/mapbox/tile-count O https://github.com/mapbox/tile-count O + +tile-count B-Application tile-count O + +A O A O +tool O tool O +for O for O +accumulating O accumulating O +point O point O +counts O counts O +by O by O +tile O tile O +. O . O + +Installation O Installation O + +Tile-count B-Application Tile-count O +requires O requires O +sqlite3 B-Application sqlite3 O +and O and O +libpng B-Library libpng O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27475 I-Code_Block GR_27475 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Creating O Creating O +a O a O +count O count O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27476 I-Code_Block GR_27476 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +-s B-Code_Block -s B-Code_Block +option O option O +specifies O specifies O +the O the O +maximum O maximum O +precision O precision O +of O of O +the O the O +data O data O +, O , O +so O so O +that O that O +duplicates O duplicates O +beyond O beyond O +this O this O +precision O precision O +can O can O +be O be O +pre-summed O pre-summed O +to O to O +make O make O +the O the O +data O data O +file O file O +smaller O smaller O +. O . O + +The O The O +-q B-Code_Block -q B-Code_Block +option O option O +silences O silences O +the O the O +progress O progress O +indicator O indicator O +. O . O + +If O If O +the O the O +input O input O +is O is O +CSV B-File_Type CSV O +, O , O +it O it O +is O is O +a O a O +list B-Data_Structure list O +of O of O +records O records O +in O in O +the O the O +form O form O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27477 I-Code_Block GR_27477 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +or O or O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27478 I-Code_Block GR_27478 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +it O it O +is O is O +JSON B-File_Type JSON O +, O , O +any O any O +array B-Data_Structure array O +of O of O +two O two O +or O or O +more O more O +numbers O numbers O +will O will O +be O be O +treated O treated O +as O as O +a O a O +longitude-latitude O longitude-latitude O +pair B-Data_Structure pair O +. O . O + +This O This O +includes O includes O +GeoJSON B-File_Type GeoJSON O +Points O Points O +as O as O +well O well O +as O as O +the O the O +points O points O +that O that O +make O make O +up O up O +GeoJSON B-File_Type GeoJSON O +MultiPoints B-Library_Class MultiPoints O +, O , O +LineStrings B-Library_Class LineStrings O +, O , O +MultiLineStrings B-Library_Class MultiLineStrings O +, O , O +Polygons B-Library_Class Polygons O +, O , O +and O and O +MultiPolygons B-Library_Class MultiPolygons O +. O . O + +Beware O Beware O +that O that O +it O it O +also O also O +includes O includes O +anything O anything O +else O else O +that O that O +might O might O +be O be O +mistaken O mistaken O +for O for O +a O a O +longitude-latitude O longitude-latitude O +pair B-Data_Structure pair O +. O . O + +The O The O +input O input O +is O is O +first O first O +streamed O streamed O +into O into O +the O the O +internal O internal O +format O format O +specified O specified O +below O below O +( O ( O +minus O minus O +the O the O +header O header O +) O ) O +and O and O +then O then O +sorted O sorted O +and O and O +merged O merged O +into O into O +the O the O +same O same O +format O format O +in O in O +quadkey O quadkey O +order O order O +, O , O +with O with O +adjacent O adjacent O +duplicates O duplicates O +summed O summed O +. O . O + +Merging O Merging O +counts O counts O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27479 I-Code_Block GR_27479 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Produces O Produces O +a O a O +new O new O +count O count O +file O file O +from O from O +the O the O +specified O specified O +count O count O +files O files O +, O , O +summing O summing O +the O the O +counts O counts O +for O for O +any O any O +points O points O +duplicated O duplicated O +between O between O +the O the O +two O two O +. O . O + +-F B-Code_Block -F B-Code_Block +: O : O +Read O Read O +a O a O +newline-separated O newline-separated O +list B-Data_Structure list O +of O of O +files O files O +to O to O +merge O merge O +from O from O +the O the O +standard O standard O +input O input O + +-s B-Code_Block -s B-Code_Block +binsize B-Library_Variable binsize O +: O : O +The O The O +precision O precision O +of O of O +all O all O +locations O locations O +in O in O +the O the O +output O output O +file O file O +will O will O +be O be O +reduced O reduced O +as O as O +specified O specified O +. O . O + +-q B-Code_Block -q B-Code_Block +: O : O +Silence O Silence O +the O the O +progress O progress O +indicator O indicator O + +Decoding O Decoding O +counts O counts O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27480 I-Code_Block GR_27480 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Outputs O Outputs O +the O the O +lon B-Code_Block lon B-Code_Block +, I-Code_Block , I-Code_Block +lat I-Code_Block lat I-Code_Block +, I-Code_Block , I-Code_Block +count I-Code_Block count I-Code_Block +CSV B-File_Type CSV O +that O that O +would O would O +recreate O recreate O +in.count B-Library_Variable in.count B-Code_Block +. O . O + +Tiling O Tiling O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_27481 I-Code_Block GR_27481 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +features O features O +in O in O +the O the O +mbtiles B-File_Type mbtiles B-Code_Block +are O are O +a O a O +grid O grid O +of O of O +squares O squares O +with O with O +a O a O +density B-Library_Variable density B-Code_Block +attribute O attribute O +indicating O indicating O +how O how O +many O many O +original O original O +points O points O +were O were O +accumulated O accumulated O +into O into O +that O that O +binned O binned O +point O point O +, O , O +normalized O normalized O +according O according O +the O the O +densest O densest O +point O point O +in O in O +the O the O +zoom O zoom O +level O level O +. O . O + +If O If O +you O you O +are O are O +merging O merging O +existing O existing O +.mbtiles B-File_Type .mbtiles B-Code_Block +files O files O +, O , O +they O they O +all O all O +have O have O +to O to O +have O have O +been O been O +created O created O +with O with O +the O the O +same O same O +minzoom O minzoom O +, O , O +maxzoom O maxzoom O +, O , O +and O and O +detail O detail O +. O . O + +The O The O +merged O merged O +output O output O +can O can O +be O be O +either O either O +bitmap B-Data_Structure bitmap O +or O or O +vector B-Data_Structure vector O +as O as O +desired O desired O +. O . O + +The O The O +.mbtiles B-File_Type .mbtiles B-Code_Block +files O files O +being O being O +merged O merged O +should O should O +be O be O +separated O separated O +spatially O spatially O +, O , O +not O not O +temporally O temporally O +, O , O +because O because O +merging O merging O +does O does O +not O not O +recalculate O recalculate O +the O the O +reference O reference O +brightness O brightness O +where O where O +tilesets O tilesets O +overlap O overlap O +. O . O + +Use O Use O +tile-count-merge B-Library_Function tile-count-merge B-Code_Block +to O to O +combine O combine O +data O data O +sets O sets O +that O that O +are O are O +for O for O +the O the O +same O same O +area O area O +. O . O + +Output O Output O +tileset O tileset O + +-n B-Code_Block -n B-Code_Block +layername O layername O +: O : O +Specify O Specify O +the O the O +layer O layer O +name O name O +in O in O +vector B-Data_Structure vector O +tile O tile O +output O output O +. O . O + +The O The O +default O default O +is O is O +count B-Library_Variable count B-Code_Block +. O . O + +-o B-Code_Block -o B-Code_Block +out.mbtiles B-File_Name out.mbtiles O +: O : O +Specify O Specify O +the O the O +name O name O +of O of O +the O the O +output O output O +file O file O +. O . O + +-f B-Code_Block -f B-Code_Block +: O : O +Delete O Delete O +the O the O +output O output O +file O file O +if O if O +it O it O +already O already O +exists O exists O + +Zoom O Zoom O +levels O levels O + +-d B-Code_Block -d B-Code_Block +detail B-Library_Variable detail O +: O : O +Make O Make O +the O the O +grid O grid O +within O within O +each O each O +tile O tile O +2^detail B-Library_Variable 2^detail O +points O points O +on O on O +each O each O +side O side O +. O . O + +The O The O +default O default O +is O is O +9 O 9 O +. O . O + +-Z B-Code_Block -Z B-Code_Block +minzoom B-Library_Variable minzoom O +: O : O +Specify O Specify O +the O the O +minzoom B-Library_Variable minzoom O +of O of O +the O the O +tileset O tileset O +. O . O + +The O The O +default O default O +is O is O +0 O 0 O +. O . O + +-z B-Code_Block -z B-Code_Block +maxzoom B-Library_Variable maxzoom O +: O : O +Specify O Specify O +the O the O +maxzoom B-Library_Variable maxzoom O +of O of O +the O the O +tileset O tileset O +. O . O + +-s B-Code_Block -s B-Code_Block +binsize B-Library_Variable binsize O +: O : O +Specify O Specify O +the O the O +zoom O zoom O +level O level O +whose O whose O +tiles O tiles O +are O are O +used O used O +as O as O +bins O bins O +. O . O + +You O You O +must O must O +specify O specify O +either O either O +-z B-Code_Block -z B-Code_Block +( O ( O +maxzoom B-Library_Variable maxzoom O +) O ) O +or O or O +-s B-Code_Block -s B-Code_Block +( O ( O +bin B-Library_Variable bin O +size I-Library_Variable size O +) O ) O +if O if O +you O you O +are O are O +creating O creating O +a O a O +new O new O +tileset O tileset O +instead O instead O +of O of O +merging O merging O +existing O existing O +tilesets O tilesets O +. O . O + +The O The O +maxzoom B-Library_Variable maxzoom O +plus O plus O +the O the O +detail B-Library_Variable detail O +always O always O +equals O equals O +the O the O +bin B-Library_Variable bin O +size I-Library_Variable size O +. O . O + +Level O Level O +bucketing O bucketing O + +-l B-Code_Block -l B-Code_Block +levels B-Library_Variable levels O +: O : O +Quantize O Quantize O +the O the O +normalized O normalized O +counts O counts O +within O within O +each O each O +tile O tile O +into O into O +the O the O +specified O specified O +number O number O +of O of O +levels O levels O +. O . O + +The O The O +default O default O +is O is O +50 O 50 O +. O . O + +-m B-Code_Block -m B-Code_Block +level B-Library_Variable level O +: O : O +Do O Do O +n't O n't O +include O include O +normalized O normalized O +counts O counts O +that O that O +are O are O +quantized O quantized O +below O below O +the O the O +specified O specified O +level O level O +. O . O + +-M B-Code_Block -M B-Code_Block +count B-Library_Variable count O +: O : O +do O do O +n't O n't O +include O include O +absolute O absolute O +counts O counts O +that O that O +are O are O +below O below O +the O the O +specified O specified O +count O count O +. O . O + +-g B-Code_Block -g B-Code_Block +gamma B-Library_Variable gamma O +: O : O +Scale O Scale O +the O the O +counts O counts O +within O within O +each O each O +tile O tile O +to O to O +the O the O +gamma'th O gamma'th O +root O root O +of O of O +their O their O +linear O linear O +value O value O +. O . O + +The O The O +default O default O +is O is O +2.5 O 2.5 O +. O . O + +-y B-Code_Block -y B-Code_Block +density I-Code_Block density I-Code_Block +: O : O +Include O Include O +an O an O +attribute O attribute O +in O in O +each O each O +vector B-Data_Structure vector O +feature O feature O +indicating O indicating O +the O the O +normalized O normalized O +density O density O +of O of O +points O points O +within O within O +each O each O +bin O bin O +. O . O + +This O This O +is O is O +the O the O +default O default O +. O . O + +-y B-Code_Block -y B-Code_Block +count I-Code_Block count I-Code_Block +: O : O +Include O Include O +an O an O +attribute O attribute O +in O in O +each O each O +vector B-Data_Structure vector O +feature O feature O +indicating O indicating O +the O the O +count O count O +of O of O +points O points O +within O within O +each O each O +bin O bin O +. O . O + +The O The O +count O count O +is O is O +only O only O +approximate O approximate O +because O because O +the O the O +levels O levels O +are O are O +bucketed O bucketed O +. O . O + +Bitmap B-Data_Structure Bitmap O +tiles O tiles O + +-b B-Code_Block -b B-Code_Block +: O : O +Create O Create O +PNG B-File_Type PNG O +raster B-Data_Structure raster O +tiles O tiles O +instead O instead O +of O of O +vectors B-Data_Structure vectors O +. O . O + +If O If O +you O you O +are O are O +not O not O +planning O planning O +to O to O +use O use O +these O these O +tiles O tiles O +with O with O +Mapbox B-Library Mapbox O +GL I-Library GL O +, O , O +you O you O +will O will O +probably O probably O +also O also O +want O want O +to O to O +specify O specify O +-d8 B-Code_Block -d8 B-Code_Block +for O for O +normal O normal O +256x256 O 256x256 O +web O web O +map O map O +tile O tile O +resolution O resolution O +. O . O + +-c B-Code_Block -c B-Code_Block +rrggbb B-Library_Variable rrggbb O +: O : O +Specify O Specify O +the O the O +color O color O +to O to O +use O use O +in O in O +raster B-Data_Structure raster O +tiles O tiles O +as O as O +a O a O +hex O hex O +color O color O +. O . O + +-w B-Code_Block -w B-Code_Block +: O : O +Make O Make O +tiles O tiles O +for O for O +a O a O +white O white O +background O background O +instead O instead O +of O of O +a O a O +black O black O +background O background O +. O . O + +Vector B-Data_Structure Vector O +tiles O tiles O + +-1 B-Code_Block -1 B-Code_Block +: O : O +Output O Output O +an O an O +individual O individual O +polygon B-Library_Class polygon O +for O for O +each O each O +bin O bin O +instead O instead O +of O of O +combining O combining O +them O them O +into O into O +MultiPolygons B-Library_Class MultiPolygons O +. O . O + +-P B-Code_Block -P B-Code_Block +: O : O +Output O Output O +Points B-Library_Class Points O +or O or O +MultiPoints B-Library_Class MultiPoints O +instead O instead O +of O of O +Polygons B-Library_Class Polygons O +or O or O +MultiPolygons B-Library_Class MultiPolygons O + +Tile O Tile O +size O size O + +-k B-Code_Block -k B-Code_Block +: O : O +Do O Do O +n't O n't O +enforce O enforce O +the O the O +500K O 500K O +limit O limit O +on O on O +tile O tile O +size O size O + +-K B-Code_Block -K B-Code_Block +: O : O +Raise O Raise O +the O the O +minimum O minimum O +count O count O +threshold O threshold O +on O on O +each O each O +tile O tile O +if O if O +necessary O necessary O +to O to O +keep O keep O +it O it O +under O under O +500K O 500K O +. O . O + +Miscellaneous O Miscellaneous O +controls O controls O + +-p B-Code_Block -p B-Code_Block +cpus O cpus O +: O : O +Use O Use O +the O the O +specified O specified O +number O number O +of O of O +parallel O parallel O +tasks O tasks O +. O . O + +-q B-Code_Block -q B-Code_Block +: O : O +Silence O Silence O +the O the O +progress O progress O +indicator O indicator O + +-B B-Code_Block -B B-Code_Block +multiplier O multiplier O +: O : O +Multiply O Multiply O +the O the O +normalized O normalized O +density O density O +by O by O +the O the O +specified O specified O +multiplier O multiplier O +to O to O +make O make O +it O it O +brighter O brighter O +or O or O +dimmer O dimmer O +. O . O + +Relationship O Relationship O +between O between O +bin B-Library_Variable bin O +size I-Library_Variable size O +, O , O +maxzoom B-Library_Variable maxzoom O +, O , O +and O and O +detail B-Library_Variable detail O + +What O What O +exactly O exactly O +the O the O +" O " O +detail B-Library_Variable detail O +" O " O +parameter O parameter O +means O means O +is O is O +often O often O +the O the O +source O source O +of O of O +confusion O confusion O +. O . O + +It O It O +is O is O +the O the O +difference O difference O +between O between O +the O the O +maxzoom B-Library_Variable maxzoom O +and O and O +the O the O +bin B-Library_Variable bin O +size I-Library_Variable size O +. O . O + +So O So O +, O , O +for O for O +example O example O +, O , O +if O if O +you O you O +have O have O +data O data O +with O with O +a O a O +bin B-Library_Variable bin O +size I-Library_Variable size O +of O of O +23 O 23 O +and O and O +want O want O +to O to O +tile O tile O +it O it O +with O with O +a O a O +maxzoom B-Library_Variable maxzoom O +of O of O +16 O 16 O +, O , O +you O you O +should O should O +specify O specify O +a O a O +detail B-Library_Variable detail O +of O of O +7 O 7 O +, O , O +because O because O +16+7 O 16+7 O += O = O +23 O 23 O +. O . O + +Within O Within O +each O each O +tile O tile O +, O , O +the O the O +resolution O resolution O +of O of O +the O the O +tile O tile O +is O is O +2^detail B-Library_Variable 2^detail O +, O , O +so O so O +if O if O +you O you O +specify O specify O +a O a O +detail B-Library_Variable detail O +of O of O +7 O 7 O +, O , O +each O each O +tile O tile O +will O will O +be O be O +a O a O +128x128 O 128x128 O +grid O grid O +of O of O +pixels O pixels O +or O or O +features O features O +, O , O +because O because O +2^7 O 2^7 O += O = O +128 O 128 O +. O . O + +It O It O +is O is O +often O often O +more O more O +useful O useful O +to O to O +work O work O +backward O backward O +from O from O +the O the O +bin B-Library_Variable bin O +size I-Library_Variable size O +to O to O +the O the O +maxzoom B-Library_Variable maxzoom O +: O : O +if O if O +you O you O +have O have O +data O data O +with O with O +a O a O +bin B-Library_Variable bin O +size I-Library_Variable size O +of O of O +24 O 24 O +, O , O +and O and O +you O you O +want O want O +256x256 O 256x256 O +tiles O tiles O +, O , O +2^8 O 2^8 O += O = O +256 O 256 O +so O so O +you O you O +should O should O +specify O specify O +a O a O +detail B-Library_Variable detail O +of O of O +8 O 8 O +, O , O +and O and O +the O the O +maxzoom B-Library_Variable maxzoom O +will O will O +be O be O +16 O 16 O +because O because O +24-8 O 24-8 O += O = O +16 O 16 O +. O . O + +Internal O Internal O +file O file O +format O format O + +The O The O +.count B-File_Type .count B-Code_Block +files O files O +contain O contain O +a O a O +header O header O +for O for O +versioning O versioning O +and O and O +identification O identification O +followed O followed O +( O ( O +currently O currently O +) O ) O +by O by O +a O a O +simple O simple O +list O list O +of O of O +12-byte O 12-byte O +records O records O +containing O containing O +: O : O + +64-bit O 64-bit O +location O location O +quadkey O quadkey O + +32-bit O 32-bit O +count O count O + +Repository_Name O Repository_Name O +: O : O +mongrate/mongrate.com O mongrate/mongrate.com O + +Repository_Link O Repository_Link O +: O : O +https://github.com/mongrate/mongrate.com O https://github.com/mongrate/mongrate.com O + +Mongrate.com B-Website Mongrate.com O + +This O This O +is O is O +the O the O +main O main O +organization O organization O +website O website O +. O . O + +Dependencies O Dependencies O + +Jekyll B-Application Jekyll O + +How O How O +to O to O +install O install O + +Clone O Clone O +the O the O +project O project O +. O . O + +Install O Install O +nginx B-Application nginx O +. O . O + +Symlink O Symlink O +the O the O +nginx B-Application nginx O +config O config O +: O : O +sudo B-Code_Block sudo B-Code_Block +ln I-Code_Block ln I-Code_Block +-s I-Code_Block -s I-Code_Block +/path/to/your/clone/of/mongrate.com/etc/nginx.conf I-Code_Block /path/to/your/clone/of/mongrate.com/etc/nginx.conf I-Code_Block +/etc/nginx/sites-enabled/mongrate.com.conf I-Code_Block /etc/nginx/sites-enabled/mongrate.com.conf I-Code_Block + +Restart O Restart O +nginx B-Application nginx O +: O : O +sudo B-Code_Block sudo B-Code_Block +service I-Code_Block service I-Code_Block +nginx I-Code_Block nginx I-Code_Block +restart I-Code_Block restart I-Code_Block + +jekyll B-Code_Block jekyll B-Code_Block +build I-Code_Block build I-Code_Block +-w I-Code_Block -w I-Code_Block + +How O How O +to O to O +contribute O contribute O + +Fork O Fork O +the O the O +project O project O +on O on O +GitHub B-Website GitHub O +. O . O + +Create O Create O +an O an O +issue O issue O +. O . O + +Create O Create O +a O a O +pull O pull O +request O request O +. O . O + +Repository_Name O Repository_Name O +: O : O +gigitux/vesuvianabot O gigitux/vesuvianabot O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/gigitux/vesuvianabot/issues/3 O https://github.com/gigitux/vesuvianabot/issues/3 O + +For O For O +more O more O +details O details O +see O see O +http://time1.eavsrl.it/ O http://time1.eavsrl.it/ O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/9 O https://github.com/rcfbanalysis/rcfbscraper/issues/9 O + +Sorry O Sorry O +for O for O +not O not O +rebasing O rebasing O +first O first O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/127 O https://github.com/svenstaro/flamejam/issues/127 O + +Due O Due O +to O to O +the O the O +switch O switch O +to O to O +postgresql B-Application postgresql O +and O and O +its O its O +different O different O +sorting O sorting O +defaults O defaults O +, O , O +it O it O +'s O 's O +now O now O +sometimes O sometimes O +fixed O fixed O +by O by O +chance O chance O +. O . O + +;) O ;) O + +Repository_Name O Repository_Name O +: O : O +makeen-project/makeen O makeen-project/makeen O +-hapi O -hapi O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/viczam/makeen-hapi/issues/56 O https://github.com/viczam/makeen-hapi/issues/56 O + +WS O WS O +Jira B-Application Jira O +Ticket O Ticket O +: O : O +ACP-43 O ACP-43 O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/4 O https://github.com/numen31337/AKVideoImageView/issues/4 O + +When O When O +I O I O +tried O tried O +to O to O +use O use O +video B-User_Interface_Element video O +via O via O +link O link O +then O then O +it O it O +is O is O +crashing O crashing O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4665 I-Code_Block GR_4665 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Crash O Crash O +log O log O + +Thumbnail O Thumbnail O +image O image O +generation O generation O +error O error O +Error O Error O +Domain O Domain O += O = O +AVFoundationErrorDomain O AVFoundationErrorDomain O +Code O Code O += O = O +-11800 O -11800 O +" O " O +The O The O +operation O operation O +could O could O +not O not O +be O be O +completed O completed O +" O " O +UserInfo O UserInfo O +={ O ={ O +NSUnderlyingError O NSUnderlyingError O += O = O +0x600000240e70 O 0x600000240e70 O +{ O { O +Error O Error O +Domain O Domain O += O = O +NSOSStatusErrorDomain O NSOSStatusErrorDomain O +Code O Code O += O = O +-1022 O -1022 O +" O " O +( O ( O +null O null O +) O ) O +" O " O +} O } O +, O , O +NSLocalizedFailureReason O NSLocalizedFailureReason O += O = O +An O An O +unknown O unknown O +error O error O +occurred O occurred O +( O ( O +-1022 O -1022 O +) O ) O +, O , O +NSLocalizedDescription O NSLocalizedDescription O += O = O +The O The O +operation O operation O +could O could O +not O not O +be O be O +completed} O completed} O +2017-08-09 O 2017-08-09 O +11:57:15.747 O 11:57:15.747 O +Example[15354:280879] O Example[15354:280879] O +*** O *** O +Terminating O Terminating O +app O app O +due O due O +to O to O +uncaught O uncaught O +exception O exception O +' O ' O +NSInvalidArgumentException O NSInvalidArgumentException O +' O ' O +, O , O +reason O reason O +: O : O +' O ' O +*** O *** O +- O - O +[ O [ O +AVAssetReaderTrackOutput O AVAssetReaderTrackOutput O +initWithTrack:outputSettings O initWithTrack:outputSettings O +: O : O +] O ] O +invalid O invalid O +parameter O parameter O +not O not O +satisfying O satisfying O +: O : O +track O track O +!= O != O +( O ( O +( O ( O +void O void O +* O * O +) O ) O +0 O 0 O +) O ) O +' O ' O +*** O *** O +First O First O +throw O throw O +call O call O +stack O stack O +: O : O +( O ( O +0 O 0 O +CoreFoundation O CoreFoundation O +0x0000000105832b0b O 0x0000000105832b0b O +__exceptionPreprocess O __exceptionPreprocess O ++ O + O +171 O 171 O +1 O 1 O +libobjc.A.dylib O libobjc.A.dylib O +0x0000000104f27141 O 0x0000000104f27141 O +objc_exception_throw O objc_exception_throw O ++ O + O +48 O 48 O +2 O 2 O +AVFoundation O AVFoundation O +0x00000001054815ea O 0x00000001054815ea O +- O - O +[ O [ O +AVAssetReaderTrackOutput O AVAssetReaderTrackOutput O +dealloc O dealloc O +] O ] O ++ O + O +0 O 0 O +3 O 3 O +AVFoundation O AVFoundation O +0x000000010548118d O 0x000000010548118d O ++ O + O +[ O [ O +AVAssetReaderTrackOutput O AVAssetReaderTrackOutput O +assetReaderTrackOutputWithTrack:outputSettings O assetReaderTrackOutputWithTrack:outputSettings O +: O : O +] O ] O ++ O + O +62 O 62 O +4 O 4 O +Example O Example O +0x0000000104951ba5 O 0x0000000104951ba5 O +- O - O +[ O [ O +AKVideoImageView O AKVideoImageView O +createAssetReader O createAssetReader O +] O ] O ++ O + O +1045 O 1045 O +5 O 5 O +Example O Example O +0x00000001049520a6 O 0x00000001049520a6 O +- O - O +[ O [ O +AKVideoImageView O AKVideoImageView O +playVideo O playVideo O +] O ] O ++ O + O +870 O 870 O +6 O 6 O +Example O Example O +0x000000010495150b O 0x000000010495150b O +- O - O +[ O [ O +AKVideoImageView O AKVideoImageView O +didMoveToSuperview O didMoveToSuperview O +] O ] O ++ O + O +43 O 43 O +7 O 7 O +UIKit O UIKit O +0x000000010650fb53 O 0x000000010650fb53 O +__45 O __45 O +- O - O +[ O [ O +UIView(Hierarchy) O UIView(Hierarchy) O +_postMovedFromSuperview O _postMovedFromSuperview O +: O : O +] O ] O +_block_invoke O _block_invoke O ++ O + O +932 O 932 O +8 O 8 O +UIKit O UIKit O +0x000000010650f72d O 0x000000010650f72d O +- O - O +[ O [ O +UIView(Hierarchy) O UIView(Hierarchy) O +_postMovedFromSuperview O _postMovedFromSuperview O +: O : O +] O ] O ++ O + O +828 O 828 O +9 O 9 O +UIKit O UIKit O +0x000000010651f6ba O 0x000000010651f6ba O +- O - O +[ O [ O +UIView(Internal) O UIView(Internal) O +_addSubview:positioned:relativeTo O _addSubview:positioned:relativeTo O +: O : O +] O ] O ++ O + O +1927 O 1927 O +10 O 10 O +UIKit O UIKit O +0x000000010650d9a8 O 0x000000010650d9a8 O +- O - O +[ O [ O +UIView(Hierarchy) O UIView(Hierarchy) O +addSubview O addSubview O +: O : O +] O ] O ++ O + O +838 O 838 O +11 O 11 O +Example O Example O +0x0000000104950812 O 0x0000000104950812 O +- O - O +[ O [ O +ViewController O ViewController O +viewDidLoad O viewDidLoad O +] O ] O ++ O + O +370 O 370 O +12 O 12 O +UIKit O UIKit O +0x0000000106602cca O 0x0000000106602cca O +- O - O +[ O [ O +UIViewController O UIViewController O +loadViewIfRequired O loadViewIfRequired O +] O ] O ++ O + O +1235 O 1235 O +13 O 13 O +UIKit O UIKit O +0x000000010660310a O 0x000000010660310a O +- O - O +[ O [ O +UIViewController O UIViewController O +view O view O +] O ] O ++ O + O +27 O 27 O +14 O 14 O +UIKit O UIKit O +0x00000001064cb63a O 0x00000001064cb63a O +- O - O +[ O [ O +UIWindow O UIWindow O +addRootViewControllerViewIfPossible O addRootViewControllerViewIfPossible O +] O ] O ++ O + O +65 O 65 O +15 O 15 O +UIKit O UIKit O +0x00000001064cbd20 O 0x00000001064cbd20 O +- O - O +[ O [ O +UIWindow O UIWindow O +_setHidden:forced O _setHidden:forced O +: O : O +] O ] O ++ O + O +294 O 294 O +16 O 16 O +UIKit O UIKit O +0x00000001064deb6e O 0x00000001064deb6e O +- O - O +[ O [ O +UIWindow O UIWindow O +makeKeyAndVisible O makeKeyAndVisible O +] O ] O ++ O + O +42 O 42 O +17 O 17 O +UIKit O UIKit O +0x000000010645831f O 0x000000010645831f O +- O - O +[ O [ O +UIApplication O UIApplication O +_callInitializationDelegatesForMainScene:transitionContext O _callInitializationDelegatesForMainScene:transitionContext O +: O : O +] O ] O ++ O + O +4346 O 4346 O +18 O 18 O +UIKit O UIKit O +0x000000010645e584 O 0x000000010645e584 O +- O - O +[ O [ O +UIApplication O UIApplication O +_runWithMainScene:transitionContext:completion O _runWithMainScene:transitionContext:completion O +: O : O +] O ] O ++ O + O +1709 O 1709 O +19 O 19 O +UIKit O UIKit O +0x000000010645b793 O 0x000000010645b793 O +- O - O +[ O [ O +UIApplication O UIApplication O +workspaceDidEndTransaction O workspaceDidEndTransaction O +: O : O +] O ] O ++ O + O +182 O 182 O +20 O 20 O +FrontBoardServices O FrontBoardServices O +0x000000010b0de5f6 O 0x000000010b0de5f6 O +FBSSERIALQUEUE_IS_CALLING_OUT_TO_A_BLOCK O FBSSERIALQUEUE_IS_CALLING_OUT_TO_A_BLOCK O ++ O + O +24 O 24 O +21 O 21 O +FrontBoardServices O FrontBoardServices O +0x000000010b0de46d O 0x000000010b0de46d O +- O - O +[ O [ O +FBSSerialQueue O FBSSerialQueue O +_performNext O _performNext O +] O ] O ++ O + O +186 O 186 O +22 O 22 O +FrontBoardServices O FrontBoardServices O +0x000000010b0de7f6 O 0x000000010b0de7f6 O +- O - O +[ O [ O +FBSSerialQueue O FBSSerialQueue O +_performNextFromRunLoopSource O _performNextFromRunLoopSource O +] O ] O ++ O + O +45 O 45 O +23 O 23 O +CoreFoundation O CoreFoundation O +0x00000001057d8c01 O 0x00000001057d8c01 O +CFRUNLOOP_IS_CALLING_OUT_TO_A_SOURCE0_PERFORM_FUNCTION O CFRUNLOOP_IS_CALLING_OUT_TO_A_SOURCE0_PERFORM_FUNCTION O ++ O + O +17 O 17 O +24 O 24 O +CoreFoundation O CoreFoundation O +0x00000001057be0cf O 0x00000001057be0cf O +__CFRunLoopDoSources0 O __CFRunLoopDoSources0 O ++ O + O +527 O 527 O +25 O 25 O +CoreFoundation O CoreFoundation O +0x00000001057bd5ff O 0x00000001057bd5ff O +__CFRunLoopRun O __CFRunLoopRun O ++ O + O +911 O 911 O +26 O 26 O +CoreFoundation O CoreFoundation O +0x00000001057bd016 O 0x00000001057bd016 O +CFRunLoopRunSpecific O CFRunLoopRunSpecific O ++ O + O +406 O 406 O +27 O 27 O +UIKit O UIKit O +0x000000010645a02f O 0x000000010645a02f O +- O - O +[ O [ O +UIApplication O UIApplication O +_run O _run O +] O ] O ++ O + O +468 O 468 O +28 O 28 O +UIKit O UIKit O +0x00000001064600d4 O 0x00000001064600d4 O +UIApplicationMain O UIApplicationMain O ++ O + O +159 O 159 O +29 O 29 O +Example O Example O +0x0000000104953acf O 0x0000000104953acf O +main O main O ++ O + O +111 O 111 O +30 O 30 O +libdyld.dylib O libdyld.dylib O +0x0000000108f3165d O 0x0000000108f3165d O +start O start O ++ O + O +1 O 1 O +31 O 31 O +?? O ?? O +? O ? O + +0x0000000000000001 O 0x0000000000000001 O +0x0 O 0x0 O ++ O + O +1 O 1 O +) O ) O +libc++ O libc++ O +abi.dylib O abi.dylib O +: O : O +terminating O terminating O +with O with O +uncaught O uncaught O +exception O exception O +of O of O +type O type O +NSException B-Library_Class NSException O + +Repository_Name O Repository_Name O +: O : O +nerab/TaskWarriorMail O nerab/TaskWarriorMail O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/nerab/TaskWarriorMail/issues/3 O https://github.com/nerab/TaskWarriorMail/issues/3 O + +Thanks O Thanks O +for O for O +reporting O reporting O +this O this O +issue O issue O +. O . O + +Somehow O Somehow O +, O , O +this O this O +gem O gem O +was O was O +never O never O +pushed O pushed O +to O to O +rubygems.org B-Website rubygems.org O +, O , O +for O for O +whatever O whatever O +reason O reason O +;-) O ;-) O + +Could O Could O +you O you O +please O please O +re-try O re-try O +? O ? O + +Please O Please O +note O note O +that O that O +I O I O +did O did O +not O not O +try O try O +cygwin B-Application cygwin O +due O due O +to O to O +lack O lack O +of O of O +access O access O +to O to O +a O a O +Windows B-Operating_System Windows O +system O system O +. O . O + +Success O Success O +( O ( O +or O or O +bug O bug O +- O - O +) O ) O +reports O reports O +are O are O +welcome O welcome O +, O , O +pull O pull O +requests O requests O +preferred O preferred O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsergio/ophmisu O wsergio/ophmisu O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsergio/ophmisu/issues/1 O https://github.com/wsergio/ophmisu/issues/1 O + +Oh O Oh O +, O , O +dang O dang O +. O . O + +Thanks O Thanks O +for O for O +telling O telling O +me O me O +. O . O + +I O I O +killed O killed O +it O it O +. O . O + +Sorry O Sorry O +for O for O +that O that O +! O ! O + +Repository_Name O Repository_Name O +: O : O +jacobratkiewicz/webgraph O jacobratkiewicz/webgraph O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jacobratkiewicz/webgraph/issues/1 O https://github.com/jacobratkiewicz/webgraph/issues/1 O + +add O add O +missing O missing O +#include O #include O +' O ' O +s O s O +, O , O +which O which O +are O are O +mandatory O mandatory O +to O to O +compile O compile O +with O with O +newer O newer O +versions O versions O +of O of O +gcc/g B-Application gcc/g O +++ I-Application ++ O + +Repository_Name O Repository_Name O +: O : O +jasonagus/jasonagus.github.io O jasonagus/jasonagus.github.io O + +Repository_Link O Repository_Link O +: O : O +https://github.com/jasonagus/jasonagus.github.io O https://github.com/jasonagus/jasonagus.github.io O + +jasonagus.github.io O jasonagus.github.io O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Repository_Link O Repository_Link O +: O : O +https://github.com/contributte/logging O https://github.com/contributte/logging O + +Logging O Logging O + +:boom O :boom O +: O : O +Plug-in O Plug-in O +support O support O +logging O logging O +for O for O +Tracy B-Library Tracy B-Code_Block +& O & O +Nette B-Library Nette B-Code_Block +Framework I-Library Framework I-Code_Block +. O . O + +Discussion O Discussion O +/ O / O +Help O Help O + +Install O Install O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_7441 I-Code_Block GR_7441 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Versions O Versions O + +State O State O + +Version O Version O + +Branch O Branch O + +PHP B-Language PHP O + +development O development O + +dev-master B-Version dev-master B-Code_Block + +master O master B-Code_Block + +>= O >= B-Code_Block +5.6 B-Version 5.6 I-Code_Block + +stable O stable O + +^ O ^ B-Code_Block +0.2 B-Version 0.2 I-Code_Block + +master O master B-Code_Block + +>= O >= B-Code_Block +5.6 B-Version 5.6 I-Code_Block + +Overview O Overview O + +Tracy B-Library Tracy O +- O - O +universal O universal O +logging O logging O + +Slack B-Application Slack O +- O - O +send O send O +exeptions O exeptions O +to O to O +channel O channel O + +Sentry B-Application Sentry O +- O - O +send O send O +exceptions O exceptions O +to O to O +Sentry B-Application Sentry O + +Maintainers O Maintainers O + +Milan B-User_Name Milan O +Felix I-User_Name Felix O +Šulc I-User_Name Šulc O + +Josef B-User_Name Josef O +Benjač I-User_Name Benjač O + +Thank O Thank O +you O you O +for O for O +testing O testing O +, O , O +reporting O reporting O +and O and O +contributing O contributing O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/23 O https://github.com/mapbox/tile-count/issues/23 O + +Merging O Merging O +New O New O +York O York O +and O and O +Rome O Rome O +mbtiles B-File_Type mbtiles O +files O files O +produces O produces O +a O a O +new O new O +mbtiles B-File_Type mbtiles O +that O that O +is O is O +smaller O smaller O +than O than O +either O either O +of O of O +the O the O +source O source O +files O files O +. O . O + +Small O Small O +files O files O +are O are O +great O great O +, O , O +but O but O +this O this O +probably O probably O +means O means O +that O that O +it O it O +is O is O +losing O losing O +data O data O +somewhere O somewhere O +in O in O +the O the O +process O process O +. O . O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/36 O https://github.com/linked-statistics/xkos/issues/36 O + +The O The O +instances O instances O +of O of O +xkos:ExplanatoryNote B-Library_Class xkos:ExplanatoryNote O +are O are O +the O the O +resources O resources O +to O to O +which O which O +it O it O +is O is O +possible O possible O +to O to O +attach O attach O +the O the O +different O different O +properties O properties O +of O of O +the O the O +explanatory B-Library_Class explanatory O +notes I-Library_Class notes O +. O . O + +For O For O +most O most O +of O of O +those O those O +properties O properties O +( O ( O +eg O eg O +. O . O + +author B-Library_Variable author O +, O , O +version B-Library_Variable version O +, O , O +publishing B-Library_Variable publishing O +date I-Library_Variable date O +, O , O +etc O etc O +. O . O + +) O ) O +, O , O +existing O existing O +properties O properties O +from O from O +standard O standard O +vocabularies O vocabularies O +( O ( O +DC B-Algorithm DC O +, O , O +PA B-Algorithm PA O +V) I-Algorithm V) O +can O can O +be O be O +used O used O +, O , O +and O and O +a O a O +best O best O +practice O practice O +document O document O +on O on O +XKOS B-Library XKOS O +will O will O +provide O provide O +advice O advice O +on O on O +which O which O +properties O properties O +to O to O +chose O chose O +and O and O +how O how O +to O to O +use O use O +them O them O +. O . O + +For O For O +the O the O +text O text O +of O of O +the O the O +note O note O +, O , O +a O a O +mechanism O mechanism O +borrowed O borrowed O +to O to O +Eurovoc B-Website Eurovoc O +can O can O +be O be O +used O used O +: O : O +the O the O +http://eurovoc.europa.eu/schema#noteLiteral O http://eurovoc.europa.eu/schema#noteLiteral O +property O property O +takes O takes O +an O an O +XML B-Language XML O +literal O literal O +as O as O +object O object O +and O and O +allows O allows O +to O to O +express O express O +the O the O +text O text O +of O of O +the O the O +note O note O +as O as O +an O an O +XHTML B-Language XHTML O +fragment O fragment O +( O ( O +see O see O +for O for O +example O example O +http://id.insee.fr/codes/nafr2/sousClasse/27.11Z/noteContenuLimite O http://id.insee.fr/codes/nafr2/sousClasse/27.11Z/noteContenuLimite O +) O ) O +. O . O + +But O But O +in O in O +many O many O +occasions O occasions O +, O , O +you O you O +just O just O +need O need O +the O the O +plain O plain O +text O text O +content O content O +of O of O +the O the O +note O note O +, O , O +without O without O +formatting O formatting O +or O or O +structuration O structuration O +( O ( O +in O in O +particular O particular O +when O when O +you O you O +do O do O +n't O n't O +have O have O +any O any O +indication O indication O +on O on O +formatting O formatting O +from O from O +the O the O +original O original O +source O source O +) O ) O +. O . O + +The O The O +' O ' O +plainText B-Library_Variable plainText O +' O ' O +datatype O datatype O +property O property O +is O is O +proposed O proposed O +for O for O +this O this O +usage O usage O +. O . O + +Its O Its O +domain O domain O +is O is O +xkos:ExplanatoryNote B-Library_Class xkos:ExplanatoryNote O +and O and O +its O its O +type O type O +is O is O +xs:string B-Data_Type xs:string O +. O . O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/5 O https://github.com/mfellner/webpack-sandboxed/issues/5 O + + +Coverage O Coverage O +decreased O decreased O +( O ( O +-1.2 O -1.2 O +% O % O +) O ) O +to O to O +88.75 O 88.75 O +% O % O +when O when O +pulling O pulling O +81cd1b13b2365d1ce1bc8567d350e63d32df04a7 O 81cd1b13b2365d1ce1bc8567d350e63d32df04a7 O +on O on O +fix-module-loading O fix-module-loading O +into O into O +5d71ac9f6f55c4303eab5713f32a77c2fea5e229 O 5d71ac9f6f55c4303eab5713f32a77c2fea5e229 O +on O on O +master O master O +. O . O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/4 O https://github.com/McMenemy/GoDoRP/issues/4 O + +Hi O Hi O +@fish2016 B-User_Name @fish2016 O +. O . O + +I O I O +have O have O +not O not O +contributed O contributed O +to O to O +this O this O +repo O repo O +in O in O +a O a O +while O while O +, O , O +but O but O +it O it O +looks O looks O +like O like O +your O your O +go B-Library_Variable go O +path I-Library_Variable path O +is O is O +not O not O +set O set O +up O up O +correctly O correctly O +. O . O + +Have O Have O +you O you O +successfully O successfully O +started O started O +up O up O +other O other O +golang B-Language golang O +projects O projects O +? O ? O + +Also O Also O +, O , O +one O one O +the O the O +features O features O +of O of O +this O this O +project O project O +is O is O +that O that O +you O you O +could O could O +develop O develop O +without O without O +needing O needing O +to O to O +set O set O +up O up O +go O go O +. O . O + +Lastly O Lastly O +, O , O +go O go O +is O is O +now O now O +working O working O +on O on O +an O an O +official O official O +package O package O +manager O manager O +tool O tool O +, O , O +so O so O +I O I O +would O would O +now O now O +use O use O +that O that O +instead O instead O +of O of O +a O a O +vendor O vendor O +folder O folder O +. O . O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/3 O https://github.com/smirarab/pasta/issues/3 O + +masking O masking O +is O is O +not O not O +working O working O +for O for O +raxml B-Application raxml O + +Repository_Name O Repository_Name O +: O : O +sirwilliamiv/api O sirwilliamiv/api O +-bazam O -bazam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/sirwilliamiv/api-bazam/issues/1 O https://github.com/sirwilliamiv/api-bazam/issues/1 O + +deploying O deploying O +to O to O +test O test O +endpoints O endpoints O +via O via O +phone B-Device phone O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/10 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/10 O + +FWIW O FWIW O +, O , O +we O we O +do O do O +something O something O +similar O similar O +in O in O +goaci B-Application goaci O +, O , O +for O for O +now O now O +just O just O +extracting O extracting O +the O the O +VCS O VCS O +information/hash O information/hash O +and O and O +adding O adding O +that O that O +as O as O +a O a O +label O label O +( O ( O +e.g O e.g O +. O . O + +" B-Code_Block " B-Code_Block +git I-Code_Block git I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +abcdefghi I-Code_Block abcdefghi I-Code_Block +" I-Code_Block " I-Code_Block +) O ) O +to O to O +the O the O +resulting O resulting O +ACI O ACI O +: O : O +https://github.com/appc/goaci/blob/master/vcs.go#L104 O https://github.com/appc/goaci/blob/master/vcs.go#L104 O + +Would O Would O +be O be O +great O great O +if O if O +we O we O +could O could O +standardise O standardise O +on O on O +a O a O +format O format O +here O here O +. O . O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/4 O https://github.com/dhrrgn/codeigniter-uhoh/issues/4 O + +Documentation O Documentation O +addition O addition O +: O : O +You O You O +might O might O +want O want O +to O to O +change O change O +the O the O +name O name O +of O of O +My_exceptions.php B-File_Name My_exceptions.php O +based O based O +on O on O +your O your O +prefix O prefix O +config O config O +. O . O + +$config['subclass_prefix'] B-Variable_Name $config['subclass_prefix'] O += O = O +' O ' O +app_ B-Variable_Name app_ O +' O ' O +; O ; O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/3 O https://github.com/dhrrgn/codeigniter-uhoh/issues/3 O + +Hi O Hi O +Last O Last O +commit O commit O +introduced O introduced O +a O a O +bug O bug O +in O in O +my O my O +cibox B-Application cibox O +, O , O +as O as O +I O I O +stated O stated O +here O here O + +Maybe O Maybe O +it O it O +has O has O +to O to O +do O do O +with O with O +WAMP B-Application WAMP O +default O default O +php B-Language php O +bin B-File_Name bin O +location O location O +. O . O + +Isolated O Isolated O +hunk O hunk O +at O at O +line O line O +195 O 195 O +and O and O +apearantly O apearantly O +fixed O fixed O +my O my O +fatal O fatal O +error O error O +. O . O + +Details O Details O +: O : O +Fatal B-Output_Block Fatal O +error I-Output_Block error O +: I-Output_Block : O +require() I-Output_Block require() O +[ B-Output_Block [ O +function.require I-Output_Block function.require O +] I-Output_Block ] O +: B-Output_Block : O +Failed I-Output_Block Failed O +opening I-Output_Block opening O +required I-Output_Block required O +' I-Output_Block ' O +bonfire/application/errors/error_php_custom.php I-Output_Block bonfire/application/errors/error_php_custom.php O +' I-Output_Block ' O +( I-Output_Block ( O +include_path= I-Output_Block include_path= O +' B-Output_Block ' O +. I-Output_Block . O + +; B-Output_Block ; O +C:\php5\pear' I-Output_Block C:\php5\pear' O +) I-Output_Block ) O +in B-Output_Block in O +C:\wamp\www\labAptana\lab-bonfire\bonfire\application\core\MY_Exceptions.php I-Output_Block C:\wamp\www\labAptana\lab-bonfire\bonfire\application\core\MY_Exceptions.php O +on I-Output_Block on O +line I-Output_Block line O +195 I-Output_Block 195 O + +Thanks O Thanks O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/12 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/12 O + +Merged O Merged O +sucessfully O sucessfully O +into O into O +master O master O +! O ! O + +Repository_Name O Repository_Name O +: O : O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-Website O -Website O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/HackClub-SLHS/HackClub-Website/issues/4 O https://github.com/HackClub-SLHS/HackClub-Website/issues/4 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/3 O https://github.com/op-jenkins/op-build/issues/3 O + +retest O retest O +this O this O +please O please O + +Repository_Name O Repository_Name O +: O : O +lobbin/chrome O lobbin/chrome O +-die2nitemapupdater O -die2nitemapupdater O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lobbin/chrome-die2nitemapupdater/issues/1 O https://github.com/lobbin/chrome-die2nitemapupdater/issues/1 O + +I O I O +'m O 'm O +getting O getting O +the O the O +error O error O +" O " O +An O An O +error O error O +occurred O occurred O +. O . O + +The O The O +map B-User_Interface_Element map O +was O was O +not O not O +updated O updated O +. O . O +" O " O + +when O when O +trying O trying O +to O to O +update O update O +the O the O +map B-User_Interface_Element map O +, O , O +so O so O +I O I O +changed O changed O +it O it O +to O to O +use O use O +POST B-Library_Function POST O +as O as O +rjdown B-User_Name rjdown O +'s O 's O +FireFox B-Application FireFox O +extension O extension O +does O does O +and O and O +it O it O +works O works O +fine O fine O +now O now O +. O . O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/2 O https://github.com/numen31337/AKVideoImageView/issues/2 O + +Just O Just O +checked O checked O +, O , O +everything O everything O +is O is O +working O working O +fine O fine O +for O for O +me O me O +, O , O +here O here O +is O is O +the O the O +example O example O +of O of O +the O the O +swift B-Language swift O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_15543 I-Code_Block GR_15543 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Let O Let O +me O me O +know O know O +if O if O +you O you O +still O still O +have O have O +some O some O +issues O issues O +with O with O +this O this O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/42 O https://github.com/demigor/lex.db/issues/42 O + +I O I O +'m O 'm O +not O not O +100% O 100% O +sure O sure O +, O , O +but O but O +I O I O +guess O guess O +that O that O +your O your O +main O main O +iOS B-Operating_System iOS O +application O application O +does O does O +not O not O +reference O reference O +Lex.DB B-Application Lex.DB O +. O . O + +This O This O +is O is O +required O required O +step O step O +for O for O +bait&switch O bait&switch O +PCL B-Library PCL O +deployment O deployment O +. O . O + +Kind O Kind O +regards O regards O +, O , O +Lex B-User_Name Lex O + +On O On O +22 O 22 O +Feb O Feb O +2016 O 2016 O +, O , O +at O at O +19:24 O 19:24 O +, O , O +" O " O +iupchris10 B-User_Name iupchris10 O +" O " O +notifications@github.com O notifications@github.com O +wrote O wrote O +: O : O + +I O I O +'m O 'm O +developing O developing O +a O a O +cross O cross O +platform O platform O +app O app O +in O in O +Xamarin B-Application Xamarin O +Forms I-Application Forms O +. O . O + +I O I O +have O have O +added O added O +Lex.DB B-Application Lex.DB O +to O to O +my O my O +Portable B-Library Portable O +Class I-Library Class O +Library I-Library Library O +. O . O + +When O When O +I O I O +try O try O +to O to O +call O call O +Initialize() B-Library_Function Initialize() O +on O on O +DbInstance B-Library_Class DbInstance O +, O , O +I O I O +receive O receive O +a O a O +NullReferenceException B-Error_Name NullReferenceException O +error I-Error_Name error O +. O . O + +This O This O +only O only O +happens O happens O +in O in O +iOS B-Operating_System iOS O +( O ( O +both O both O +device O device O +and O and O +simulator O simulator O +) O ) O +, O , O +but O but O +it O it O +works O works O +fine O fine O +on O on O +Android B-Operating_System Android O +. O . O + +I O I O +notice O notice O +that O that O +the O the O +Path B-Library_Variable Path O +property O property O +is O is O +null O null O +on O on O +DbInstance B-Library_Class DbInstance O +( O ( O +see O see O +screenshot O screenshot O +) O ) O +. O . O + +What O What O +am O am O +I O I O +doing O doing O +wrong O wrong O +here O here O +? O ? O + +— O — O +Reply O Reply O +to O to O +this O this O +email O email O +directly O directly O +or O or O +view O view O +it O it O +on O on O +GitHub B-Website GitHub O +. O . O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/8 O https://github.com/op-jenkins/op-build/issues/8 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/36 O https://github.com/linked-statistics/xkos/issues/36 O + +Not O Not O +entirely O entirely O +convinced O convinced O +. O . O + +Whether O Whether O +the O the O +value O value O +is O is O +XML B-Language XML O +or O or O +HTML B-Language HTML O +or O or O +plain O plain O +text O text O +is O is O +usually O usually O +indicated O indicated O +by O by O +the O the O +datatype O datatype O +of O of O +the O the O +literal O literal O +, O , O +not O not O +by O by O +the O the O +property O property O +. O . O + +That O That O +'s O 's O +why O why O +the O the O +datatypes O datatypes O +rdf:XMLLiteral B-Library_Class rdf:XMLLiteral B-Code_Block +and O and O +rdf:HTML B-Library_Class rdf:HTML B-Code_Block +exist O exist O +. O . O + +Also O Also O +, O , O +setting O setting O +the O the O +range O range O +to O to O +xsd:string B-Data_Type xsd:string B-Code_Block +means O means O +that O that O +language O language O +tags O tags O +are O are O +disallowed O disallowed O +. O . O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/1 O https://github.com/spacetelescope/specview/issues/1 O + +Closing O Closing O +, O , O +repository O repository O +being O being O +archived O archived O +. O . O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/20 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/20 O + +Hi O Hi O +@RichardN B-User_Name @RichardN O +, O , O +we O we O +have O have O +found O found O +your O your O +signature O signature O +in O in O +our O our O +records O records O +, O , O +but O but O +it O it O +seems O seems O +like O like O +you O you O +have O have O +signed O signed O +with O with O +a O a O +different O different O +e-mail O e-mail O +than O than O +the O the O +one O one O +used O used O +in O in O +yout O yout O +Git B-Application Git O +commit O commit O +. O . O + +Can O Can O +you O you O +please O please O +add O add O +both O both O +of O of O +these O these O +e-mails O e-mails O +into O into O +your O your O +Github B-Website Github O +profile O profile O +( O ( O +they O they O +can O can O +be O be O +hidden O hidden O +) O ) O +, O , O +so O so O +we O we O +can O can O +match O match O +your O your O +e-mails O e-mails O +to O to O +your O your O +Github B-Website Github O +profile O profile O +? O ? O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/21 O https://github.com/svenstaro/flamejam/issues/21 O + +Done O Done O +. O . O + +Repository_Name O Repository_Name O +: O : O +mongrate/mongrate.com O mongrate/mongrate.com O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mongrate/mongrate.com/issues/1 O https://github.com/mongrate/mongrate.com/issues/1 O + +Works O Works O +as O as O +a O a O +charm O charm O +. O . O + +btw O btw O +thanks O thanks O +for O for O +the O the O +lib O lib O +. O . O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/126 O https://github.com/linked-statistics/xkos/issues/126 O + +Fix O Fix O +#71 O #71 O + +Add O Add O +appendix O appendix O +with O with O +a O a O +link O link O +to O to O +implementation O implementation O +section O section O +of O of O +the O the O +DDI B-Organization DDI O +alliance O alliance O +page O page O + +Repository_Name O Repository_Name O +: O : O +brandonscott/nabu O brandonscott/nabu O +-ios O -ios O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/brandonscott/nabu-ios/issues/1 O https://github.com/brandonscott/nabu-ios/issues/1 O + +I O I O +will O will O +get O get O +in O in O +touch O touch O +first O first O +thing O thing O +, O , O +thanks O thanks O +for O for O +your O your O +patience O patience O +. O . O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/1 O https://github.com/thehyve/puppet-i2b2/issues/1 O + +Pull O Pull O +request O request O +for O for O +the O the O +webclient O webclient O +stuff O stuff O +. O . O + +Repository_Name O Repository_Name O +: O : O +civey/where O civey/where O +-should-we-eat O -should-we-eat O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/civey/where-should-we-eat/issues/1 O https://github.com/civey/where-should-we-eat/issues/1 O + +🔥 O 🔥 O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/2 O https://github.com/thehyve/puppet-i2b2/issues/2 O + +Add O Add O +a O a O +system O system O +test O test O +for O for O +this O this O +SSL O SSL O +setup O setup O +please O please O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/33 O https://github.com/demigor/lex.db/issues/33 O + +These O These O +types O types O +are O are O +included O included O +in O in O +v1.2.6 B-Version v1.2.6 O +. O . O + +Can O Can O +we O we O +have O have O +TimeZone B-Library_Class TimeZone B-Code_Block +and O and O +StringReader B-Library_Class StringReader B-Code_Block +types O types O +added O added O +as O as O +well O well O +? O ? O + +Is O Is O +there O there O +a O a O +way O way O +for O for O +users O users O +to O to O +register O register O +types O types O +? O ? O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/242 O https://github.com/katzer/cordova-plugin-background-mode/issues/242 O + +@sufian4199 B-User_Name @sufian4199 O +The O The O +notification O notification O +for O for O +Android B-Operating_System Android O +is O is O +a O a O +platform O platform O +specific O specific O +detail O detail O +. O . O + +There O There O +'s O 's O +none O none O +for O for O +iOS B-Operating_System iOS O +. O . O + +Repository_Name O Repository_Name O +: O : O +OpenPrograms/MiscPrograms O OpenPrograms/MiscPrograms O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/OpenPrograms/MiscPrograms/issues/22 O https://github.com/OpenPrograms/MiscPrograms/issues/22 O + +MISC O MISC O +OpenComputer B-Application OpenComputer O +Programs O Programs O +by O by O +the O the O +Opencraft B-Application Opencraft O +Server I-Application Server O +( O ( O +mc-oc B-Application mc-oc O +) O ) O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/7 O https://github.com/contributte/logging/issues/7 O + +Hi O Hi O +@f3l1x B-User_Name @f3l1x O +, O , O +any O any O +progress O progress O +here O here O +? O ? O + +Or O Or O +idea O idea O +I O I O +can O can O +try O try O +to O to O +work O work O +on O on O +? O ? O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/23 O https://github.com/demigor/lex.db/issues/23 O + +Hi O Hi O +, O , O + +I O I O +'m O 'm O +creating O creating O +a O a O +Lex.Db B-Application Lex.Db O +database O database O +from O from O +a O a O +WPF B-Library WPF O +app O app O +, O , O +I O I O +'m O 'm O +adding O adding O +this O this O +files O files O +to O to O +the O the O +WinRT B-Application WinRT O +project O project O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_36955 I-Code_Block GR_36955 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +an O an O +IO B-Error_Name IO O +not I-Error_Name not O +found I-Error_Name found O +exceptio I-Error_Name exceptio O +is O is O +thrown O thrown O +. O . O + +I O I O +do O do O +n't O n't O +want O want O +to O to O +create O create O +or O or O +copy O copy O +manually O manually O +my O my O +database O database O +to O to O +the O the O +IsolatedStorageFile B-Library_Class IsolatedStorageFile O +, O , O +because O because O +I O I O +already O already O +have O have O +it O it O +there O there O +, O , O +in O in O +the O the O +Appx O Appx O +folder O folder O +. O . O + +Is O Is O +there O there O +any O any O +way O way O +to O to O +tell O tell O +lex.db B-Application lex.db O +to O to O +work O work O +againts O againts O +that O that O +path O path O +? O ? O + +regards O regards O +. O . O + +Repository_Name O Repository_Name O +: O : O +AhmedAMohamed/UberLikeApplicationService O AhmedAMohamed/UberLikeApplicationService O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/AhmedAMohamed/UberLikeApplicationService/issues/5 O https://github.com/AhmedAMohamed/UberLikeApplicationService/issues/5 O + +Signed-off-by O Signed-off-by O +: O : O +Ahmed B-User_Name Ahmed O +Alaa I-User_Name Alaa O +ahmedalaa3307023@gmail.com O ahmedalaa3307023@gmail.com O + +Repository_Name O Repository_Name O +: O : O +makeen-project/makeen O makeen-project/makeen O +-hapi O -hapi O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/viczam/makeen-hapi/issues/60 O https://github.com/viczam/makeen-hapi/issues/60 O + +We O We O +need O need O +to O to O +make O make O +sure O sure O +it O it O +wo O wo O +n't O n't O +affect O affect O +us O us O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/8 O https://github.com/google-ar/arcore-unreal-sdk/issues/8 O + +Here O Here O +is O is O +how O how O +to O to O +capture O capture O +a O a O +logcat B-Application logcat O +: O : O + +Make O Make O +sure O sure O +you O you O +phone B-Device phone O +have O have O +USB B-Device USB O +debug O debug O +mode O mode O +enabled O enabled O +. O . O + +Connect O Connect O +your O your O +phone B-Device phone O +to O to O +your O your O +computer B-Device computer O +through O through O +USB B-Device USB O +. O . O + +Open O Open O +a O a O +command B-Application command O +line I-Application line O +terminal I-Application terminal O +in O in O +your O your O +computer B-Device computer O +, O , O +make O make O +sure O sure O +you O you O +see O see O +your O your O +device O device O +with O with O +" O " O +adb B-Code_Block adb O +devices I-Code_Block devices O +" O " O +command O command O +. O . O + +Run O Run O +" O " O +adb B-Code_Block adb O +logcat I-Code_Block logcat O +-c I-Code_Block -c O +" O " O +to O to O +clean O clean O +the O the O +previous O previous O +log O log O +. O . O + +Run O Run O +the O the O +application O application O +til O til O +you O you O +see O see O +the O the O +your O your O +problem O problem O +. O . O + +Run O Run O +" O " O +adb B-Code_Block adb O +logcat I-Code_Block logcat O +" O " O +. O . O + +You O You O +should O should O +see O see O +the O the O +device O device O +log O log O +being O being O +print O print O +in O in O +the O the O +terminal B-Application terminal O +. O . O + +For O For O +details O details O +, O , O +see O see O +https://developer.android.google.cn/studio/command-line/logcat.html O https://developer.android.google.cn/studio/command-line/logcat.html O + +Repository_Name O Repository_Name O +: O : O +getconversio/mongoose O getconversio/mongoose O +-paginate O -paginate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/getconversio/mongoose-paginate/issues/2 O https://github.com/getconversio/mongoose-paginate/issues/2 O + +Passing O Passing O +page B-Variable_Name page B-Code_Block += O = I-Code_Block +' O ' I-Code_Block +1 O 1 I-Code_Block +' O ' B-Code_Block +works O works O +as O as O +expected O expected O +when O when O +paginating O paginating O +, O , O +but O but O +next B-Variable_Name next B-Code_Block +comes O comes O +as O as O +' O ' B-Code_Block +11 O 11 I-Code_Block +' O ' B-Code_Block +instead O instead O +of O of O +2. O 2. B-Code_Block +. O . O + +Repository_Name O Repository_Name O +: O : O +SUSTC/sustech O SUSTC/sustech O +-slides O -slides O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SUSTC/sustech-slides/issues/1 O https://github.com/SUSTC/sustech-slides/issues/1 O + +Add O Add O +usepacakges O usepacakges O +: O : O +graphicx B-Library graphicx O +Add O Add O +newcommands O newcommands O +to O to O +add O add O +source O source O +to O to O +images B-User_Interface_Element images O +Add O Add O +optional O optional O +setting O setting O +to O to O +usetheme B-Library_Function usetheme O +Add O Add O +optional O optional O +setting O setting O +to O to O +split O split O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/249 O https://github.com/katzer/cordova-plugin-background-mode/issues/249 O + +@DavidWiesner B-User_Name @DavidWiesner O +Sounds O Sounds O +reasonable O reasonable O +. O . O + +I O I O +will O will O +take O take O +a O a O +look O look O +. O . O + +Repository_Name O Repository_Name O +: O : O +LucasHill/ember O LucasHill/ember O +-fastboot-post-example O -fastboot-post-example O + +Repository_Link O Repository_Link O +: O : O +https://github.com/LucasHill/ember-fastboot-post-example O https://github.com/LucasHill/ember-fastboot-post-example O + +ember-fastboot-post-example O ember-fastboot-post-example O + +This O This O +is O is O +a O a O +simple O simple O +demo O demo O +of O of O +how O how O +one O one O +would O would O +enable O enable O +POST B-Library_Function POST O +requests O requests O +in O in O +a O a O +fastboot B-Application fastboot O +application O application O +. O . O + +Examples O Examples O +are O are O +provided O provided O +for O for O +both O both O +in O in O +development O development O +( O ( O +ember B-Code_Block ember O +serve I-Code_Block serve O +) O ) O +and O and O +using O using O +the O the O +production O production O +ready O ready O +fastboot-app-server B-Application fastboot-app-server O +. O . O + +The O The O +commits O commits O +should O should O +provide O provide O +a O a O +good O good O +story O story O +of O of O +the O the O +work O work O +needed O needed O +to O to O +enable O enable O +this O this O +in O in O +your O your O +own O own O +app O app O +. O . O + +To O To O +POST B-Library_Function POST O +to O to O +this O this O +app O app O +, O , O +try O try O +this O this O +example O example O +cURL B-Application cURL O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_100294 I-Code_Block GR_100294 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +run O run O +the O the O +example O example O +' O ' O +production O production O +' O ' O +server B-Application server O +run O run O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_100295 I-Code_Block GR_100295 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Prerequisites O Prerequisites O + +You O You O +will O will O +need O need O +the O the O +following O following O +things O things O +properly O properly O +installed O installed O +on O on O +your O your O +computer B-Device computer O +. O . O + +Git B-Application Git O + +Node.js B-Application Node.js O +( O ( O +with O with O +NPM B-Application NPM O +) O ) O + +Ember B-Application Ember O +CLI I-Application CLI O + +Google B-Application Google O +Chrome I-Application Chrome O + +Installation O Installation O + +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block + I-Code_Block I-Code_Block +this O this O +repository O repository O + +cd B-Code_Block cd B-Code_Block +ember-fastboot-post-example I-Code_Block ember-fastboot-post-example I-Code_Block + +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block + +Running O Running O +/ O / O +Development O Development O + +ember B-Code_Block ember B-Code_Block +serve I-Code_Block serve I-Code_Block + +Visit O Visit O +your O your O +app O app O +at O at O +http://localhost:4200 O http://localhost:4200 O +. O . O + +Visit O Visit O +your O your O +tests O tests O +at O at O +http://localhost:4200/tests O http://localhost:4200/tests O +. O . O + +Code O Code O +Generators O Generators O + +Make O Make O +use O use O +of O of O +the O the O +many O many O +generators O generators O +for O for O +code O code O +, O , O +try O try O +ember B-Code_Block ember B-Code_Block +help I-Code_Block help I-Code_Block +generate I-Code_Block generate I-Code_Block +for O for O +more O more O +details O details O + +Running O Running O +Tests O Tests O + +ember B-Code_Block ember B-Code_Block +test I-Code_Block test I-Code_Block + +ember B-Code_Block ember B-Code_Block +test I-Code_Block test I-Code_Block +--server I-Code_Block --server I-Code_Block + +Building O Building O + +ember B-Code_Block ember B-Code_Block +build I-Code_Block build I-Code_Block +( O ( O +development O development O +) O ) O + +ember B-Code_Block ember B-Code_Block +build I-Code_Block build I-Code_Block +--environment I-Code_Block --environment I-Code_Block +production I-Code_Block production I-Code_Block +( O ( O +production O production O +) O ) O + +Deploying O Deploying O + +Specify O Specify O +what O what O +it O it O +takes O takes O +to O to O +deploy O deploy O +your O your O +app O app O +. O . O + +Further O Further O +Reading O Reading O +/ O / O +Useful O Useful O +Links O Links O + +ember.js B-Library ember.js O + +ember-cli B-Application ember-cli O + +Development O Development O +Browser B-Application Browser O +Extensions O Extensions O + +ember B-Application ember O +inspector O inspector O +for O for O +chrome B-Application chrome O + +ember B-Application ember O +inspector O inspector O +for O for O +firefox B-Application firefox O + +Repository_Name O Repository_Name O +: O : O +PayamEmami/percolator O PayamEmami/percolator O + +Repository_Link O Repository_Link O +: O : O +https://github.com/PayamEmami/percolator O https://github.com/PayamEmami/percolator O + +This O This O +repository O repository O +holds O holds O +the O the O +source O source O +code O code O +for O for O +percolator O percolator O +and O and O +format O format O +converters O converters O +software O software O +packages O packages O +; O ; O +a O a O +software O software O +for O for O +postprocessing O postprocessing O +of O of O +shotgun O shotgun O +proteomics O proteomics O +data O data O +. O . O + +The O The O +source O source O +code O code O +is O is O +hosted O hosted O +at O at O +github B-Website github O +, O , O +binary O binary O +downloads O downloads O +can O can O +be O be O +found O found O +in O in O +the O the O +release O release O +repository O repository O +: O : O +https://github.com/percolator/percolator/releases O https://github.com/percolator/percolator/releases O + +The O The O +building O building O +procedure O procedure O +is O is O +cmake-based B-Application cmake-based O +. O . O + +Helper O Helper O +scripts O scripts O +for O for O +building O building O +on O on O +different O different O +platforms O platforms O +can O can O +be O be O +found O found O +in O in O +: O : O +admin/builders/ O admin/builders/ O + +The O The O +cleanest O cleanest O +way O way O +to O to O +build O build O +is O is O +to O to O +use O use O +the O the O +vagrant B-Application vagrant O +virtual O virtual O +machine O machine O +system O system O +, O , O +which O which O +can O can O +be O be O +setup O setup O +using O using O +the O the O +script O script O +: O : O +admin/vagrant/manager.sh B-File_Name admin/vagrant/manager.sh O + +Lukas B-User_Name Lukas O +Käll I-User_Name Käll O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/8 O https://github.com/contributte/logging/issues/8 O + +Sorry O Sorry O +, O , O +was O was O +n't O n't O +feeling O feeling O +well O well O +last O last O +week O week O +. O . O + +It O It O +'s O 's O +on O on O +top O top O +of O of O +my O my O +todo O todo O +list O list O +. O . O + +Repository_Name O Repository_Name O +: O : O +denm80/ticker O denm80/ticker O +-grid O -grid O + +Repository_Link O Repository_Link O +: O : O +https://github.com/denm80/ticker-grid O https://github.com/denm80/ticker-grid O + +ticker-grid B-Library ticker-grid O + +download O download O +the O the O +project O project O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9415 I-Code_Block GR_9415 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +install O install O +node B-Application node O + +nodejs B-Application nodejs O +v5.11.0 B-Version v5.11.0 O +or O or O +higher O higher O +is O is O +required O required O + +install O install O +and O and O +start O start O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9416 I-Code_Block GR_9416 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/13 O https://github.com/contributte/logging/issues/13 O + +Cool O Cool O +, O , O +that O that O +is O is O +exactely O exactely O +what O what O +I O I O +have O have O +come O come O +out O out O +with O with O +- O - O +I O I O +have O have O +copied O copied O +extensions O extensions O +and O and O +implemented O implemented O +the O the O +same O same O +thing O thing O +. O . O + +When O When O +this O this O +PR O PR O +will O will O +be O be O +in O in O +stable O stable O +release O release O +? O ? O + +( O ( O +tagged O tagged O +) O ) O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/6 O https://github.com/LucieSteiner/AMT_feature1/issues/6 O + +Hypothesis O Hypothesis O +: O : O +the O the O +user O user O +is O is O +logged O logged O +in O in O +, O , O +but O but O +you O you O +do O do O +n't O n't O +direct O direct O +him O him O +to O to O +the O the O +protected O protected O +page B-User_Interface_Element page O +after O after O +login O login O +. O . O + +It O It O +does O does O +not O not O +make O make O +sense O sense O +to O to O +display O display O +the O the O +login B-User_Interface_Element login O +form I-User_Interface_Element form O +in O in O +this O this O +case O case O +. O . O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/169 O https://github.com/katzer/cordova-plugin-background-mode/issues/169 O + +I O I O +'m O 'm O +attaching O attaching O +the O the O +following O following O +event O event O +to O to O +the O the O +device O device O +motion O motion O +but O but O +it O it O +stops O stops O +getting O getting O +triggered O triggered O +when O when O +my O my O +app O app O +goes O goes O +to O to O +background O background O +. O . O + +Sadly O Sadly O +it O it O +is O is O +pretty O pretty O +crucial O crucial O +for O for O +my O my O +app O app O +to O to O +keep O keep O +capturing O capturing O +the O the O +motion O motion O +of O of O +the O the O +device O device O +. O . O + +Is O Is O +there O there O +any O any O +solution/workaround O solution/workaround O +? O ? O + +window.addEventListener B-Code_Block window.addEventListener O +( B-Code_Block ( O +'deviceorientation' I-Code_Block 'deviceorientation' O +, I-Code_Block , O +deviceMotionHandler I-Code_Block deviceMotionHandler O +, I-Code_Block , O +false I-Code_Block false O +) I-Code_Block ) O +; B-Code_Block ; O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/33 O https://github.com/rpcope1/Hantek6022API/issues/33 O + +( O ( O +python-libusb1 B-Library python-libusb1 O +author O author O +here O here O +) O ) O +I O I O +am O am O +surprised O surprised O +that O that O +USBPollerThread B-Library_Class USBPollerThread O +causes O causes O +lockups O lockups O +. O . O + +Rather O Rather O +than O than O +being O being O +linked O linked O +to O to O +linux B-Operating_System linux O +version O version O +, O , O +it O it O +should O should O +be O be O +either O either O +linked O linked O +to O to O +libusb B-Library libusb O +version O version O +( O ( O +the O the O +C B-Language C O +library O library O +) O ) O +, O , O +or O or O +be O be O +" O " O +just O just O +" O " O +a O a O +bug O bug O +in O in O +my O my O +python B-Language python O +wrapper O wrapper O +. O . O + +The O The O +issue O issue O +with O with O +mixing O mixing O +sync O sync O +and O and O +async B-Library async O +libusb I-Library libusb O +APIs I-Library APIs O +is O is O +that O that O +sync O sync O +API B-Library API O +is O is O +just O just O +" O " O +start O start O +async O async O +call O call O +and O and O +handle O handle O +at O at O +least O least O +one O one O +event O event O +" O " O +. O . O + +As O As O +a O a O +result O result O +, O , O +an O an O +" O " O +handle O handle O +any O any O +event O event O +" O " O +running O running O +in O in O +another O another O +thread O thread O +may O may O +" O " O +steal O steal O +" O " O +the O the O +event O event O +, O , O +process O process O +it O it O +and O and O +the O the O +sync O sync O +call O call O +gets O gets O +stuck O stuck O +waiting O waiting O +forever O forever O +- O - O +which O which O +is O is O +very O very O +likely O likely O +the O the O +case O case O +here O here O +. O . O + +USBPollerThread B-Library_Class USBPollerThread O +works O works O +around O around O +this O this O +by O by O +implementing O implementing O +( O ( O +hopefully O hopefully O +correctly O correctly O +) O ) O +the O the O +documented O documented O +sequence O sequence O +. O . O + +The O The O +implementation O implementation O +in O in O +USBPollerThread B-Library_Class USBPollerThread O +differs O differs O +in O in O +2 O 2 O +ways O ways O +from O from O +the O the O +documented O documented O +code O code O +which O which O +make O make O +comparison O comparison O +a O a O +bit O bit O +harder O harder O +but O but O +should O should O +have O have O +no O no O +effect O effect O +: O : O + +Poller B-Library_Class Poller O +thread O thread O +does O does O +not O not O +need O need O +to O to O +check O check O +a O a O +" O " O +completed O completed O +" O " O +value O value O +as O as O +it O it O +must O must O +not O not O +exit O exit O +after O after O +processing O processing O +a O a O +specific O specific O +event O event O +, O , O +but O but O +must O must O +hang O hang O +around O around O +until O until O +the O the O +context O context O +it O it O +is O is O +attached O attached O +to O to O +gets O gets O +closed O closed O +. O . O + +An O An O +effect O effect O +of O of O +this O this O +is O is O +that O that O +while B-Code_Block while B-Code_Block +( I-Code_Block ( I-Code_Block +! I-Code_Block ! I-Code_Block +completed I-Code_Block completed I-Code_Block +) I-Code_Block ) I-Code_Block +{ I-Code_Block { I-Code_Block +if I-Code_Block if I-Code_Block +(!libusb_event_handler_active(ctx)) I-Code_Block (!libusb_event_handler_active(ctx)) I-Code_Block +{ I-Code_Block { I-Code_Block +a I-Code_Block a I-Code_Block +; I-Code_Block ; I-Code_Block +break I-Code_Block break I-Code_Block +: I-Code_Block : I-Code_Block +/ I-Code_Block / I-Code_Block +* I-Code_Block * I-Code_Block +to I-Code_Block to I-Code_Block +next I-Code_Block next I-Code_Block +iteration I-Code_Block iteration I-Code_Block +of I-Code_Block of I-Code_Block +parent I-Code_Block parent I-Code_Block +loop I-Code_Block loop I-Code_Block +* I-Code_Block * I-Code_Block +/ I-Code_Block / I-Code_Block +} I-Code_Block } I-Code_Block +b I-Code_Block b I-Code_Block +;} I-Code_Block ;} I-Code_Block +a I-Code_Block a I-Code_Block +; I-Code_Block ; I-Code_Block +gets O gets O +simplified O simplified O +into O into O +while B-Code_Block while B-Code_Block +event_handler_active() I-Code_Block event_handler_active() I-Code_Block +{ B-Code_Block { B-Code_Block +b I-Code_Block b I-Code_Block +} I-Code_Block } I-Code_Block +a B-Code_Block a B-Code_Block +/ I-Code_Block / I-Code_Block +* I-Code_Block * I-Code_Block +to I-Code_Block to I-Code_Block +next I-Code_Block next I-Code_Block +iteration I-Code_Block iteration I-Code_Block +of I-Code_Block of I-Code_Block +parent I-Code_Block parent I-Code_Block +loop I-Code_Block loop I-Code_Block +* I-Code_Block * I-Code_Block +/ I-Code_Block / I-Code_Block +. O . O + +I O I O +avoid O avoid O +negative O negative O +tests O tests O +( O ( O +if O if O +not. O not. O +. O . O +, O , O +if O if O +. O . O +== O == O +0 O 0 O +) O ) O +when O when O +they O they O +are O are O +symetric O symetric O +anyway O anyway O +( O ( O +if B-Code_Block if B-Code_Block +not I-Code_Block not I-Code_Block +x I-Code_Block x I-Code_Block +: I-Code_Block : I-Code_Block +a I-Code_Block a I-Code_Block +else I-Code_Block else I-Code_Block +: I-Code_Block : I-Code_Block +b I-Code_Block b I-Code_Block +becomes O becomes O +if B-Code_Block if B-Code_Block +x I-Code_Block x I-Code_Block +: I-Code_Block : I-Code_Block +b I-Code_Block b I-Code_Block +else I-Code_Block else I-Code_Block +: I-Code_Block : I-Code_Block +a I-Code_Block a I-Code_Block +) O ) O +, O , O +which O which O +reverses O reverses O +the O the O +first O first O +" O " O +if O if O +" O " O +block O block O +. O . O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/41 O https://github.com/resin-io-modules/resin-image-fs/issues/41 O + +Connects-To O Connects-To O +: O : O +#40 O #40 O + +Change-Type O Change-Type O +: O : O +patch O patch O +--- O --- O +- O - O +Autogenerated O Autogenerated O +Waffleboard O Waffleboard O +Connection O Connection O +: O : O +Connects O Connects O +to O to O +#40 O #40 O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/2 O https://github.com/moso/flexgrid/issues/2 O + +Reversing O Reversing O +does O does O +n't O n't O +work O work O +in O in O +Chrome B-Application Chrome O +on O on O +Android B-Operating_System Android O + +Repository_Name O Repository_Name O +: O : O +valentin22/valentin.github.io O valentin22/valentin.github.io O + +Repository_Link O Repository_Link O +: O : O +https://github.com/valentin22/valentin.github.io O https://github.com/valentin22/valentin.github.io O + +valentin.github.io O valentin.github.io O + +o O o O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/20 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/20 O + +I O I O +'m O 'm O +trying O trying O +to O to O +fix O fix O +the O the O +tests O tests O +so O so O +the O the O +s3 B-Application s3 O +input I-Application input O +plugin O plugin O +using O using O +the O the O +aws-sdk-v2 B-Code_Block aws-sdk-v2 O +pull O pull O +request O request O +code O code O +and O and O +discovered O discovered O +that O that O +this O this O +is O is O +the O the O +probable O probable O +issue O issue O +. O . O + +The O The O +current O current O +rspec B-Application rspec O +tests O tests O +pass O pass O +with O with O +this O this O +change O change O +, O , O +and O and O +testing O testing O +on O on O +a O a O +rebased O rebased O +version O version O +of O of O +the O the O +above O above O +logstash-input-s3 B-Code_Block logstash-input-s3 O +code O code O +gives O gives O +the O the O +following O following O +changes O changes O +( O ( O +which O which O +I O I O +believe O believe O +are O are O +what O what O +we O we O +'d O 'd O +expect. O expect. O +. O . O +) O ) O + +LogStash::Inputs::S3 O LogStash::Inputs::S3 O +#get_s3object O #get_s3object O +with O with O +deprecated O deprecated O +credentials O credentials O +option O option O +should O should O +instantiate O instantiate O +AWS::S3 O AWS::S3 O +clients O clients O +with O with O +a O a O +proxy O proxy O +set O set O +Failure/Error O Failure/Error O +: O : O +subject.send(:get_s3object) O subject.send(:get_s3object) O +<#Module:0x48e07006::Resource O <#Module:0x48e07006::Resource O +(class)> O (class)> O +received O received O +:new O :new O +with O with O +unexpected O unexpected O +arguments O arguments O +expected: O expected: O +({:access_key_id=>"1234", O ({:access_key_id=>"1234", O +:secret_access_key=>"secret", O :secret_access_key=>"secret", O +:http_proxy=>"http://example.com", O :http_proxy=>"http://example.com", O +:region=>"us-east-1"}) O :region=>"us-east-1"}) O +got: O got: O +({:credentials=>##, O access_key_id="1234">, O +:http_proxy=>"http://example.com", O :http_proxy=>"http://example.com", O +:region=> O :region=> O +" O " O +us-east-1 O us-east-1 O +" O " O +} O } O +) O ) O + +./lib/logstash/inputs/s3.rb:388:in O ./lib/logstash/inputs/s3.rb:388:in O +`get_s3object O `get_s3object O +' O ' O + +./spec/inputs/s3_spec.rb:78:in O ./spec/inputs/s3_spec.rb:78:in O +`block O `block O +in O in O +( O ( O +root O root O +) O ) O +' O ' O + +LogStash::Inputs::S3 O LogStash::Inputs::S3 O +#get_s3object O #get_s3object O +with O with O +modern O modern O +access O access O +key O key O +options O options O +should O should O +instantiate O instantiate O +AWS::S3 O AWS::S3 O +clients O clients O +with O with O +a O a O +proxy O proxy O +set O set O +Failure/Error O Failure/Error O +: O : O +subject.send(:get_s3object) O subject.send(:get_s3object) O +<#Module:0x48e07006::Resource O <#Module:0x48e07006::Resource O +(class)> O (class)> O +received O received O +:new O :new O +with O with O +unexpected O unexpected O +arguments O arguments O +expected: O expected: O +({:access_key_id=>"1234", O ({:access_key_id=>"1234", O +:secret_access_key=>"secret", O :secret_access_key=>"secret", O +:http_proxy=>"http://example.com", O :http_proxy=>"http://example.com", O +:region=>"us-east-1"}) O :region=>"us-east-1"}) O +got: O got: O +({:credentials=>##, O access_key_id="1234">, O +:http_proxy=>"http://example.com", O :http_proxy=>"http://example.com", O +:region=> O :region=> O +" O " O +us-east-1 O us-east-1 O +" O " O +} O } O +) O ) O + +./lib/logstash/inputs/s3.rb:388:in O ./lib/logstash/inputs/s3.rb:388:in O +`get_s3object O `get_s3object O +' O ' O + +./spec/inputs/s3_spec.rb:100:in O ./spec/inputs/s3_spec.rb:100:in O +`block O `block O +in O in O +( O ( O +root O root O +) O ) O +' O ' O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/2 O https://github.com/op-jenkins/op-build/issues/2 O + +retest O retest O +this O this O +please O please O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Repository_Link O Repository_Link O +: O : O +https://github.com/SivanMehta/wander O https://github.com/SivanMehta/wander O + + +Implemented O Implemented O +Features O Features O + +Land O Land O +on O on O +Page O Page O +and O and O +indicate O indicate O +your O your O +role O role O +( O ( O +guide O guide O +/ O / O +tourist O tourist O +) O ) O + +See O See O +all O all O +people O people O +currently O currently O +online O online O +that O that O +you O you O +can O can O +connect O connect O +with O with O + +Features O Features O +for O for O +the O the O +Future O Future O +? O ? O + +Map-based O Map-based O +landing O landing O +page O page O +showing O showing O +local O local O +tour O tour O +guides O guides O +' O ' O +locations O locations O +/ O / O +distances O distances O + +Meaningfully O Meaningfully O +multifaceted O multifaceted O +rating O rating O +system O system O +( O ( O +rather O rather O +than O than O +just O just O +1-5 O 1-5 O +stars O stars O +) O ) O + +Login O Login O +with O with O +Facebook B-Website Facebook O + +Pay O Pay O +with O with O +Venmo B-Application Venmo O +/ O / O +Square B-Application Square O + +Notifications O Notifications O +for O for O +requests O requests O + +Prevent O Prevent O +interference O interference O +in O in O +requests O requests O +among O among O +groups O groups O + +API B-Library API O +- O - O +defined O defined O +behavior O behavior O +to O to O +make O make O +iOS B-Operating_System iOS O +/ O / O +Android B-Operating_System Android O +native O native O +apps O apps O +easy O easy O +to O to O +build O build O +( O ( O +in O in O +theory O theory O +) O ) O + +UX O UX O +Process O Process O +before O before O +development O development O + +All O All O +following O following O +documents O documents O +are O are O +stored O stored O +in O in O +docs O docs O +folder O folder O +: O : O + +Affinity O Affinity O +Diagramming O Diagramming O +based O based O +on O on O +initial O initial O +user O user O +research O research O + +Wireframe O Wireframe O +workflow O workflow O +diagrams O diagrams O + +Lo-fi O Lo-fi O +prototyping O prototyping O +with O with O +Adobe B-Application Adobe O +XD I-Application XD O +( O ( O +2 O 2 O +iterations O iterations O +) O ) O + +Usability O Usability O +Aspect O Aspect O +Report O Report O +based O based O +on O on O +user-testing O user-testing O + +For O For O +wireframing O wireframing O +iterations O iterations O +, O , O +please O please O +view O view O +the O the O +following O following O +sharable O sharable O +links O links O +: O : O + +Iteration O Iteration O +1 O 1 O +Wireframe O Wireframe O +: O : O +http://adobe.ly/2daX6UW O http://adobe.ly/2daX6UW O + +Iteration O Iteration O +2 O 2 O +Wireframe O Wireframe O +: O : O +http://adobe.ly/2daX6UW O http://adobe.ly/2daX6UW O + +To O To O +view O view O +the O the O +movies O movies O +and O and O +gif B-File_Type gif O +demos O demos O +, O , O +along O along O +with O with O +the O the O +original O original O +files O files O +: O : O + +https://drive.google.com/drive/folders/0B5InXd2CuDuSdEExNWVteENVMmc?usp=sharing O https://drive.google.com/drive/folders/0B5InXd2CuDuSdEExNWVteENVMmc?usp=sharing O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/1 O https://github.com/op-jenkins/op-build/issues/1 O + +… O … O +atch O atch O + +Repository_Name O Repository_Name O +: O : O +alexyer/orderup O alexyer/orderup O + +Repository_Link O Repository_Link O +: O : O +https://github.com/alexyer/orderup O https://github.com/alexyer/orderup O + +orderup O orderup O + +A O A O +slack B-Website slack O +bot O bot O +to O to O +serve O serve O +orders O orders O +like O like O +a O a O +restaurant O restaurant O +, O , O +give O give O +people O people O +an O an O +order O order O +number O number O +, O , O +cook O cook O +things O things O +in O in O +serial O serial O +, O , O +and O and O +mark O mark O +orders O orders O +complete O complete O +after O after O +you O you O +serve O serve O +them O them O +. O . O + +Why O Why O +? O ? O + +We O We O +are O are O +busy O busy O +. O . O + +It O It O +makes O makes O +us O us O +grumpy O grumpy O +sometimes O sometimes O +. O . O + +And O And O +when O when O +people O people O +interrupt O interrupt O +us O us O +on O on O +slack B-Website slack O +, O , O +we O we O +get O get O +even O even O +grumpier O grumpier O +. O . O + +We O We O +lose O lose O +context O context O +, O , O +and O and O +we O we O +start O start O +to O to O +forget O forget O +what O what O +we O we O +were O were O +doing O doing O +last O last O +. O . O + +Things O Things O +fall O fall O +on O on O +the O the O +floor O floor O +. O . O + +We O We O +could O could O +just O just O +use O use O +a O a O +ticketing O ticketing O +system O system O +, O , O +and O and O +tell O tell O +people O people O +to O to O +file O file O +a O a O +ticket O ticket O +, O , O +but O but O +the O the O +culture O culture O +of O of O +slack O slack O +is O is O +n't O n't O +like O like O +that O that O +. O . O + +We O We O +like O like O +doing O doing O +things O things O +in O in O +real O real O +time O time O +, O , O +and O and O +we O we O +encourage O encourage O +some O some O +degree O degree O +of O of O +interruptions O interruptions O +and O and O +impromptu O impromptu O +conversations O conversations O +. O . O + +But O But O +we O we O +do O do O +need O need O +some O some O +order O order O +to O to O +the O the O +madness O madness O +, O , O +and O and O +a O a O +queue O queue O +makes O makes O +sense O sense O +. O . O + +It O It O +'s O 's O +better O better O +than O than O +" O " O +I O I O +'m O 'm O +busy O busy O +, O , O +get O get O +lost O lost O +. O . O +" O " O + +It O It O +'s O 's O +more O more O +like O like O +" O " O +here O here O +'s O 's O +what O what O +I O I O +'m O 'm O +up O up O +to O to O +, O , O +you O you O +'re O 're O +next O next O +. O . O +" O " O + +So O So O +we O we O +built O built O +orderup O orderup O +. O . O + +It O It O +'s O 's O +just O just O +like O like O +a O a O +restaurant O restaurant O +. O . O + +When O When O +someone O someone O +asks O asks O +you O you O +for O for O +something O something O +, O , O +you O you O +give O give O +them O them O +an O an O +order O order O +number O number O +, O , O +cook O cook O +something O something O +up O up O +and O and O +serve O serve O +it O it O +to O to O +them O them O +. O . O + +Your O Your O +burger O burger O +will O will O +be O be O +ready O ready O +after O after O +I O I O +make O make O +fries O fries O +for O for O +that O that O +guy O guy O +over O over O +there O there O +. O . O + +Now O Now O +replace O replace O +burger O burger O +and O and O +fries O fries O +with O with O +insurance O insurance O +quote O quote O +, O , O +git B-Application git O +commit O commit O +, O , O +phone O phone O +call O call O +, O , O +whatever O whatever O +. O . O + +Setup O Setup O + +Add O Add O +Slash O Slash O +commands O commands O +to O to O +your O your O +slack B-Website slack O +channel(s) O channel(s) O +. O . O + +Add O Add O +a O a O +slash O slash O +command O command O +as O as O +follows O follows O +: O : O + +Command O Command O +: O : O +/orderup O /orderup O +URL O URL O +: O : O +yourhost.com:5000/orderup O yourhost.com:5000/orderup O +Method O Method O +: O : O +POST B-Library_Function POST O +Other O Other O +fields O fields O +are O are O +optional O optional O +. O . O + +Run O Run O +make B-Code_Block make B-Code_Block +build I-Code_Block build I-Code_Block +&& I-Code_Block && I-Code_Block +make I-Code_Block make I-Code_Block +install I-Code_Block install I-Code_Block + +nohup B-Code_Block nohup B-Code_Block +orderup I-Code_Block orderup I-Code_Block +-host I-Code_Block -host I-Code_Block +162.243.114.162 I-Code_Block 162.243.114.162 I-Code_Block +-port I-Code_Block -port I-Code_Block +5000 I-Code_Block 5000 I-Code_Block +-db I-Code_Block -db I-Code_Block +database.db I-Code_Block database.db I-Code_Block +-passcode I-Code_Block -passcode I-Code_Block +secret11722 I-Code_Block secret11722 I-Code_Block +& I-Code_Block & I-Code_Block + +Commands O Commands O + +/orderup B-Code_Block /orderup B-Code_Block +help I-Code_Block help I-Code_Block + +Shows O Shows O +help O help O +on O on O +all O all O +commands O commands O + +/orderup B-Code_Block /orderup B-Code_Block +create-q I-Code_Block create-q I-Code_Block +mynoodles I-Code_Block mynoodles I-Code_Block + +This O This O +will O will O +create O create O +orders O orders O +for O for O +my O my O +queue O queue O +named O named O +mynoodles O mynoodles O +. O . O + +mynoodles O mynoodles O +queue O queue O +created O created O +. O . O + +/orderup B-Code_Block /orderup B-Code_Block +create-order I-Code_Block create-order I-Code_Block +mynoodles I-Code_Block mynoodles I-Code_Block +@jimuser I-Code_Block @jimuser I-Code_Block +pork I-Code_Block pork I-Code_Block +sandwich I-Code_Block sandwich I-Code_Block + +mynoodles O mynoodles O +order O order O +3 O 3 O +for O for O +@jimuser B-User_Name @jimuser O +pork O pork O +sandwich O sandwich O +- O - O +order O order O +3 O 3 O +. O . O + +There O There O +are O are O +4 O 4 O +orders O orders O +ahead O ahead O +of O of O +you O you O +. O . O + +/orderup B-Code_Block /orderup B-Code_Block +finish-order I-Code_Block finish-order I-Code_Block +mynoodles I-Code_Block mynoodles I-Code_Block +3 I-Code_Block 3 I-Code_Block + +@jimuser B-User_Name @jimuser O +your O your O +order O order O +is O is O +finished O finished O +. O . O + +Mynoodles O Mynoodles O +: O : O +Order O Order O +3 O 3 O +. O . O + +Pork O Pork O +sandwich O sandwich O +. O . O + +/orderup B-Code_Block /orderup B-Code_Block +list I-Code_Block list I-Code_Block +mynoodles I-Code_Block mynoodles I-Code_Block + +Mynoodles O Mynoodles O +: O : O +what O what O +'s O 's O +cooking O cooking O +: O : O + +1 O 1 O +@jimuser B-User_Name @jimuser O +- O - O +soup O soup O +with O with O +chicken O chicken O + +3 O 3 O +@jimuser B-User_Name @jimuser O +- O - O +pork O pork O +sandwich O sandwich O + +24 O 24 O +@bethjkl B-User_Name @bethjkl O +- O - O +pizza O pizza O +burgers O burgers O + +/orderup B-Code_Block /orderup B-Code_Block +history I-Code_Block history I-Code_Block +mynoodles I-Code_Block mynoodles I-Code_Block + +Mynoodles O Mynoodles O +history O history O +: O : O + +2 O 2 O +@jimuser B-User_Name @jimuser O +- O - O +soup O soup O + +4 O 4 O +@jimuser B-User_Name @jimuser O +- O - O +turkey O turkey O + +5 O 5 O +@bethjkl B-User_Name @bethjkl O +- O - O +french O french O +fries O fries O + +Etc. O Etc. O +. O . O + +Using O Using O +CURL B-Application CURL O + +You O You O +can O can O +use O use O +CURL B-Application CURL O +instead O instead O +of O of O +Slack B-Website Slack O +if O if O +you O you O +want O want O +. O . O + +curl B-Code_Block curl B-Code_Block +-H I-Code_Block -H I-Code_Block +" I-Code_Block " I-Code_Block +Content-Type I-Code_Block Content-Type I-Code_Block +: I-Code_Block : I-Code_Block +application/json I-Code_Block application/json I-Code_Block +" I-Code_Block " I-Code_Block +-X I-Code_Block -X I-Code_Block +POST I-Code_Block POST I-Code_Block +-d I-Code_Block -d I-Code_Block +'{"name":"mynoodles"}' I-Code_Block '{"name":"mynoodles"}' I-Code_Block +http://162.243.114.162:5000/api/v1/queues I-Code_Block http://162.243.114.162:5000/api/v1/queues I-Code_Block + +curl B-Code_Block curl B-Code_Block +-H I-Code_Block -H I-Code_Block +" I-Code_Block " I-Code_Block +Content-Type I-Code_Block Content-Type I-Code_Block +: I-Code_Block : I-Code_Block +application/json I-Code_Block application/json I-Code_Block +" I-Code_Block " I-Code_Block +-X I-Code_Block -X I-Code_Block +DELETE I-Code_Block DELETE I-Code_Block +-d I-Code_Block -d I-Code_Block +'{"name":"mynoodles"}' I-Code_Block '{"name":"mynoodles"}' I-Code_Block +http://162.243.114.162:5000/api/v1/queues I-Code_Block http://162.243.114.162:5000/api/v1/queues I-Code_Block + +curl B-Code_Block curl B-Code_Block +-H I-Code_Block -H I-Code_Block +" I-Code_Block " I-Code_Block +Content-Type I-Code_Block Content-Type I-Code_Block +: I-Code_Block : I-Code_Block +application/json I-Code_Block application/json I-Code_Block +" I-Code_Block " I-Code_Block +-X I-Code_Block -X I-Code_Block +POST I-Code_Block POST I-Code_Block +-d I-Code_Block -d I-Code_Block +' I-Code_Block ' I-Code_Block +{ I-Code_Block { I-Code_Block +" I-Code_Block " I-Code_Block +name I-Code_Block name I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +mynoodles I-Code_Block mynoodles I-Code_Block +" I-Code_Block " I-Code_Block +, I-Code_Block , I-Code_Block +" I-Code_Block " I-Code_Block +user I-Code_Block user I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +jimmy I-Code_Block jimmy I-Code_Block +" I-Code_Block " I-Code_Block +, I-Code_Block , I-Code_Block +" I-Code_Block " I-Code_Block +description I-Code_Block description I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +a I-Code_Block a I-Code_Block +hamburger I-Code_Block hamburger I-Code_Block +" I-Code_Block " I-Code_Block +} I-Code_Block } I-Code_Block +' B-Code_Block ' B-Code_Block +http://162.243.114.162:5000/api/v1/queues/order I-Code_Block http://162.243.114.162:5000/api/v1/queues/order I-Code_Block + +curl B-Code_Block curl B-Code_Block +-H I-Code_Block -H I-Code_Block +" I-Code_Block " I-Code_Block +Content-Type I-Code_Block Content-Type I-Code_Block +: I-Code_Block : I-Code_Block +application/json I-Code_Block application/json I-Code_Block +" I-Code_Block " I-Code_Block +-X I-Code_Block -X I-Code_Block +PUT I-Code_Block PUT I-Code_Block +-d I-Code_Block -d I-Code_Block +'{"name":"mynoodles","id":"1"}' I-Code_Block '{"name":"mynoodles","id":"1"}' I-Code_Block +http://162.243.114.162:5000/api/v1/queues/orders/finish I-Code_Block http://162.243.114.162:5000/api/v1/queues/orders/finish I-Code_Block + +curl B-Code_Block curl B-Code_Block +-H I-Code_Block -H I-Code_Block +" I-Code_Block " I-Code_Block +Content-Type I-Code_Block Content-Type I-Code_Block +: I-Code_Block : I-Code_Block +application/json I-Code_Block application/json I-Code_Block +" I-Code_Block " I-Code_Block +-X I-Code_Block -X I-Code_Block +GET I-Code_Block GET I-Code_Block +-d I-Code_Block -d I-Code_Block +'{"name":"mynoodles"}' I-Code_Block '{"name":"mynoodles"}' I-Code_Block +http://162.243.114.162:5000/api/v1/queues/orders/list I-Code_Block http://162.243.114.162:5000/api/v1/queues/orders/list I-Code_Block + +curl B-Code_Block curl B-Code_Block +-H I-Code_Block -H I-Code_Block +" I-Code_Block " I-Code_Block +Content-Type I-Code_Block Content-Type I-Code_Block +: I-Code_Block : I-Code_Block +application/json I-Code_Block application/json I-Code_Block +" I-Code_Block " I-Code_Block +-X I-Code_Block -X I-Code_Block +GET I-Code_Block GET I-Code_Block +-d I-Code_Block -d I-Code_Block +'{"name":"mynoodles"}' I-Code_Block '{"name":"mynoodles"}' I-Code_Block +http://162.243.114.162:5000/api/v1/queues/orders/history I-Code_Block http://162.243.114.162:5000/api/v1/queues/orders/history I-Code_Block + +curl B-Code_Block curl B-Code_Block +-H I-Code_Block -H I-Code_Block +" I-Code_Block " I-Code_Block +Content-Type I-Code_Block Content-Type I-Code_Block +: I-Code_Block : I-Code_Block +application/json I-Code_Block application/json I-Code_Block +" I-Code_Block " I-Code_Block +-X I-Code_Block -X I-Code_Block +POST I-Code_Block POST I-Code_Block +-d I-Code_Block -d I-Code_Block +' I-Code_Block ' I-Code_Block +{ I-Code_Block { I-Code_Block +" I-Code_Block " I-Code_Block +name I-Code_Block name I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +mynoodles I-Code_Block mynoodles I-Code_Block +" I-Code_Block " I-Code_Block +, I-Code_Block , I-Code_Block +" I-Code_Block " I-Code_Block +user I-Code_Block user I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +jimmy I-Code_Block jimmy I-Code_Block +" I-Code_Block " I-Code_Block +, I-Code_Block , I-Code_Block +" I-Code_Block " I-Code_Block +description I-Code_Block description I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +a I-Code_Block a I-Code_Block +hamburger I-Code_Block hamburger I-Code_Block +" I-Code_Block " I-Code_Block +} I-Code_Block } I-Code_Block +' B-Code_Block ' B-Code_Block +http://162.243.114.162:5000/api/v1/queues/order I-Code_Block http://162.243.114.162:5000/api/v1/queues/order I-Code_Block + +If O If O +-passcode O -passcode O +flag O flag O +is O is O +specified O specified O +when O when O +the O the O +service O service O +started O started O +, O , O +BasicAuth O BasicAuth O +headers O headers O +should O should O +be O be O +added O added O + +curl B-Code_Block curl B-Code_Block +-u I-Code_Block -u I-Code_Block +:passphrase I-Code_Block :passphrase I-Code_Block +-H I-Code_Block -H I-Code_Block +" I-Code_Block " I-Code_Block +Content-Type I-Code_Block Content-Type I-Code_Block +: I-Code_Block : I-Code_Block +application/json I-Code_Block application/json I-Code_Block +" I-Code_Block " I-Code_Block +-X I-Code_Block -X I-Code_Block +POST I-Code_Block POST I-Code_Block +-d I-Code_Block -d I-Code_Block +' I-Code_Block ' I-Code_Block +{ I-Code_Block { I-Code_Block +" I-Code_Block " I-Code_Block +name I-Code_Block name I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +mynoodles I-Code_Block mynoodles I-Code_Block +" I-Code_Block " I-Code_Block +, I-Code_Block , I-Code_Block +" I-Code_Block " I-Code_Block +user I-Code_Block user I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +jimmy I-Code_Block jimmy I-Code_Block +" I-Code_Block " I-Code_Block +, I-Code_Block , I-Code_Block +" I-Code_Block " I-Code_Block +description I-Code_Block description I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +" I-Code_Block " I-Code_Block +a I-Code_Block a I-Code_Block +hamburger I-Code_Block hamburger I-Code_Block +" I-Code_Block " I-Code_Block +} I-Code_Block } I-Code_Block +' B-Code_Block ' B-Code_Block +http://162.243.114.162:5000/api/v1/queues/order I-Code_Block http://162.243.114.162:5000/api/v1/queues/order I-Code_Block + +Repository_Name O Repository_Name O +: O : O +progdude/Flicks O progdude/Flicks O + +Repository_Link O Repository_Link O +: O : O +https://github.com/progdude/Flicks O https://github.com/progdude/Flicks O + +Project O Project O +1 O 1 O +- O - O +MovieViewer O MovieViewer O + +MovieViewr O MovieViewr O +is O is O +a O a O +movies O movies O +app O app O +using O using O +the O the O +The B-Library The O +Movie I-Library Movie O +Database I-Library Database O +API I-Library API O +. O . O + +Time O Time O +spent O spent O +: O : O +7 O 7 O +hours O hours O +spent O spent O +in O in O +total O total O + +User O User O +Stories O Stories O + +The O The O +following O following O +required O required O +functionality O functionality O +is O is O +complete O complete O +: O : O + +[ O [ O +x O x O +] O ] O +User O User O +can O can O +view O view O +a O a O +list B-Data_Structure list O +of O of O +movies O movies O +currently O currently O +playing O playing O +in O in O +theaters O theaters O +from O from O +The B-Library The O +Movie I-Library Movie O +Database I-Library Database O +. O . O + +[ O [ O +x O x O +] O ] O +Poster O Poster O +images B-User_Interface_Element images O +are O are O +loaded O loaded O +using O using O +the O the O +UIImageView B-Library UIImageView O +category O category O +in O in O +the O the O +AFNetworking B-Library AFNetworking O +library O library O +. O . O + +[ O [ O +x O x O +] O ] O +User O User O +sees O sees O +a O a O +loading O loading O +state O state O +while O while O +waiting O waiting O +for O for O +the O the O +movies O movies O +API B-Library API O +. O . O + +[ O [ O +x O x O +] O ] O +User O User O +can O can O +pull O pull O +to O to O +refresh O refresh O +the O the O +movie O movie O +list B-Data_Structure list O +. O . O + +[ O [ O +x O x O +] O ] O +User O User O +sees O sees O +an O an O +error O error O +message O message O +when O when O +there O there O +'s O 's O +a O a O +networking O networking O +error O error O +. O . O + +The O The O +following O following O +optional O optional O +features O features O +are O are O +implemented O implemented O +: O : O + +[ O [ O +] O ] O +Movies O Movies O +are O are O +displayed O displayed O +using O using O +a O a O +CollectionView B-User_Interface_Element CollectionView O +instead O instead O +of O of O +a O a O +TableView B-User_Interface_Element TableView O +. O . O + +[ O [ O +] O ] O +User O User O +can O can O +select O select O +from O from O +a O a O +tab B-User_Interface_Element tab O +bar I-User_Interface_Element bar O +for O for O +either O either O +" O " O +Now O Now O +Playing O Playing O +" O " O +or O or O +" O " O +Top O Top O +Rated O Rated O +" O " O +movies O movies O +. O . O + +[ O [ O +x O x O +] O ] O +User O User O +can O can O +search O search O +for O for O +a O a O +movie O movie O +. O . O + +[ O [ O +x O x O +] O ] O +All O All O +images B-User_Interface_Element images O +fade O fade O +in O in O +as O as O +they O they O +are O are O +loading O loading O +. O . O + +[ O [ O +x O x O +] O ] O +Customize O Customize O +the O the O +UI O UI O +. O . O + +The O The O +following O following O +additional O additional O +features O features O +are O are O +implemented O implemented O +: O : O + +[ O [ O +x O x O +] O ] O +Displays O Displays O +user O user O +ratings O ratings O + +[ O [ O +x O x O +] O ] O +Added O Added O +Home B-User_Interface_Element Home O +Screen I-User_Interface_Element Screen O + +[ O [ O +x O x O +] O ] O +Added O Added O +Segue O Segue O +and O and O +got O got O +rid O rid O +of O of O +navigation B-User_Interface_Element navigation O +bar I-User_Interface_Element bar O + +[ O [ O +x O x O +] O ] O +Added O Added O +image B-User_Interface_Element image O +animations(rotations!) O animations(rotations!) O + +[ O [ O +x O x O +] O ] O +Figured O Figured O +out O out O +how O how O +to O to O +add O add O +rounded O rounded O +edges O edges O +to O to O +a O a O +button B-User_Interface_Element button O +( O ( O +much O much O +harder O harder O +than O than O +it O it O +sounds O sounds O +) O ) O + +Video O Video O +Walkthrough O Walkthrough O + +Here O Here O +'s O 's O +a O a O +walkthrough O walkthrough O +of O of O +implemented O implemented O +user O user O +stories O stories O +: O : O + +GIF B-User_Interface_Element GIF O +created O created O +with O with O +LiceCap B-Application LiceCap O +. O . O + +Notes O Notes O + +AFNetworking B-Library AFNetworking O +provided O provided O +me O me O +with O with O +a O a O +lot O lot O +of O of O +errors O errors O +at O at O +first O first O +. O . O + +In O In O +addition O addition O +, O , O +getting O getting O +some O some O +animations O animations O +and O and O +UI O UI O +to O to O +work O work O +was O was O +quite O quite O +challenging O challenging O +. O . O + +License O License O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_98263 I-Code_Block GR_98263 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +glome/gnb O glome/gnb O + +Repository_Link O Repository_Link O +: O : O +https://github.com/glome/gnb O https://github.com/glome/gnb O + +Glome B-Application Glome O +Notification I-Application Notification O +Broker I-Application Broker O +( O ( O +GNB B-Application GNB O +) O ) O + +GNB B-Application GNB O +is O is O +a O a O +simple O simple O +message O message O +broker O broker O +written O written O +in O in O +Node.js B-Application Node.js O +. O . O + +It O It O +sits O sits O +between O between O +Glome B-Application Glome O +'s O 's O +Redis B-Application Redis O +server I-Application server O +and O and O +the O the O +web O web O +clients O clients O +connecting O connecting O +via O via O +websockets O websockets O +( O ( O +or O or O +HTTP O HTTP O +) O ) O +. O . O + +GNB B-Application GNB O +establishes O establishes O +two O two O +connections O connections O +to O to O +the O the O +Redis B-Application Redis O +server I-Application server O +for O for O +duplex O duplex O +communication O communication O +. O . O + +One O One O +of O of O +the O the O +connections O connections O +is O is O +the O the O +downlink O downlink O +that O that O +carries O carries O +messages O messages O +from O from O +Glome B-Application Glome O +towards O towards O +the O the O +clients O clients O +. O . O + +The O The O +other O other O +connection O connection O +is O is O +the O the O +uplink O uplink O +that O that O +transfers O transfers O +messages O messages O +from O from O +the O the O +clients O clients O +towards O towards O +Glome B-Application Glome O +. O . O + +Installation O Installation O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_102045 I-Code_Block GR_102045 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +command O command O +will O will O +download O download O +the O the O +dependcies O dependcies O +into O into O +the O the O +node_modules O node_modules O +directory O directory O +. O . O + +Start O Start O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_102046 I-Code_Block GR_102046 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +command O command O +will O will O +start O start O +the O the O +broker O broker O +with O with O +default O default O +configuration O configuration O +, O , O +ie O ie O +. O . O + +listening O listening O +on O on O +port O port O +8082 O 8082 O +. O . O + +Configuration O Configuration O + +The O The O +following O following O +envrironment O envrironment O +variables O variables O +can O can O +be O be O +used O used O +to O to O +configure O configure O +the O the O +broker O broker O +: O : O + +GNB_PORT B-Library_Variable GNB_PORT O + +The O The O +port O port O +where O where O +GNB B-Application GNB O +is O is O +listening O listening O +for O for O +incoming O incoming O +requests O requests O +( O ( O +default O default O +: O : O +808 O 808 O +2) O 2) O +. O . O + +REDIS_URL B-Library_Variable REDIS_URL O + +URL O URL O +of O of O +Glome B-Application Glome O +'s O 's O +Redis B-Application Redis O +server I-Application server O +to O to O +connect O connect O +to O to O +. O . O + +Redis B-Application Redis O +channels O channels O + +glome:{uid} O glome:{uid} O + +For O For O +downlink O downlink O +where O where O +{ O { O +uid O uid O +} O } O +identifies O identifies O +the O the O +3rd O 3rd O +party O party O +Glome B-Application Glome O +service O service O +. O . O + +The O The O +{ O { O +uid O uid O +} O } O +is O is O +allocated O allocated O +when O when O +requesting O requesting O +Glome B-Library Glome O +API I-Library API O +access O access O +. O . O + +glome:app B-Library_Function glome:app O + +For O For O +uplink O uplink O +purposes O purposes O +( O ( O +when O when O +the O the O +client O client O +sends O sends O +messages O messages O +to O to O +Glome B-Application Glome O +) O ) O +. O . O + +Client O Client O +events O events O + +The O The O +following O following O +events O events O +can O can O +be O be O +emitted O emitted O +by O by O +the O the O +clients O clients O +: O : O + +gnb:connect B-Library_Function gnb:connect O + +A O A O +service O service O +wants O wants O +its O its O +user O user O +to O to O +get O get O +connected O connected O +to O to O +GNB B-Application GNB O +. O . O + +gnb:disconnect B-Library_Function gnb:disconnect O + +A O A O +service O service O +wants O wants O +its O its O +user O user O +to O to O +be O be O +disconnected O disconnected O +from O from O +GNB B-Application GNB O +. O . O + +GNB B-Application GNB O +events O events O + +These O These O +are O are O +the O the O +events O events O +that O that O +are O are O +emitted O emitted O +by O by O +GNB B-Application GNB O +so O so O +that O that O +the O the O +clients O clients O +can O can O +listen O listen O +to O to O +them O them O +: O : O + +gnb:connected B-Library_Function gnb:connected O + +The O The O +client O client O +has O has O +succesfully O succesfully O +connected O connected O +to O to O +GNB B-Application GNB O +. O . O + +gnb:broadcast B-Library_Function gnb:broadcast O + +Glome B-Application Glome O +sends O sends O +a O a O +broadcast O broadcast O +to O to O +all O all O +users O users O +of O of O +a O a O +service O service O +. O . O + +gnb:message B-Library_Function gnb:message O + +Glome B-Application Glome O +sends O sends O +a O a O +direct O direct O +message O message O +to O to O +a O a O +specific O specific O +user O user O +of O of O +a O a O +service O service O +. O . O + +gnb:notification B-Library_Function gnb:notification O + +Glome B-Application Glome O +sends O sends O +a O a O +direct O direct O +message O message O +to O to O +a O a O +specific O specific O +client O client O +. O . O + +It O It O +is O is O +meant O meant O +only O only O +for O for O +machine O machine O +to O to O +machine O machine O +communication O communication O +. O . O + +Firewall O Firewall O +and O and O +web O web O +server B-Application server O +setup O setup O + +Make O Make O +sure O sure O +the O the O +node B-Application node O +app O app O +port O port O +is O is O +only O only O +available O available O +from O from O +localhost O localhost O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_102047 I-Code_Block GR_102047 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Proxy O Proxy O +SSL O SSL O +requests O requests O +with O with O +Apache B-Application Apache O +2.4 B-Version 2.4 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_102048 I-Code_Block GR_102048 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Proxy O Proxy O +request O request O +with O with O +Nginx B-Application Nginx O +1.4 B-Version 1.4 O ++ I-Version + O + +TODO O TODO O + +Licensing O Licensing O + +Author O Author O +: O : O +ferenc B-User_Name ferenc O +at O at O +glome B-Organization glome O +dot O dot O +me O me O + +License O License O +: O : O +MIT B-Licence MIT O + +Copyright B-Licence Copyright O +( I-Licence ( O +c I-Licence c O +) I-Licence ) O +2014 B-Licence 2014 O +Glome I-Licence Glome O +Inc I-Licence Inc O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/7 O https://github.com/zeroepoch/plotbitrate/issues/7 O + +It O It O +'s O 's O +annoying O annoying O +that O that O +' O ' O +A O A O +' O ' O +does O does O +n't O n't O +also O also O +work O work O +for O for O +audio O audio O +. O . O + +I O I O +'ll O 'll O +have O have O +to O to O +change O change O +how O how O +it O it O +sets O sets O +this O this O +option O option O +since O since O +I O I O +was O was O +just O just O +using O using O +the O the O +first O first O +char B-Data_Type char O +from O from O +the O the O +steam O steam O +option O option O +before O before O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/25 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/25 O + +: O : O ++ O + O +1 O 1 O +: O : O +on O on O +the O the O +change O change O +, O , O +but O but O +can O can O +you O you O +format O format O +your O your O +commit O commit O +message O message O +to O to O +be O be O +a O a O +short O short O +subject O subject O +, O , O +followed O followed O +by O by O +the O the O +rationale O rationale O +as O as O +the O the O +body O body O +, O , O +instead O instead O +of O of O +as O as O +one O one O +line O line O +? O ? O + +See O See O +: O : O + +https://wiki.openstack.org/wiki/GitCommitMessages O https://wiki.openstack.org/wiki/GitCommitMessages O + +https://wiki.gnome.org/GnomeLove/SubmittingPatches O https://wiki.gnome.org/GnomeLove/SubmittingPatches O + +etc O etc O +. O . O + +Repository_Name O Repository_Name O +: O : O +lgladney/dnadiff_scripts O lgladney/dnadiff_scripts O + +Repository_Link O Repository_Link O +: O : O +https://github.com/lgladney/dnadiff_scripts O https://github.com/lgladney/dnadiff_scripts O + +dnadiff_scripts O dnadiff_scripts O + +Repository_Name O Repository_Name O +: O : O +citi-onboarding/mandacaruBack O citi-onboarding/mandacaruBack O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/citi-onboarding/mandacaruBack/issues/1 O https://github.com/citi-onboarding/mandacaruBack/issues/1 O + +Falta O Falta O +apenas O apenas O +o O o O +famicon O famicon O +e O e O +o O o O +vídeo O vídeo O +promocional O promocional O +. O . O + +Repository_Name O Repository_Name O +: O : O +jamstooks/django O jamstooks/django O +-acme-challenge O -acme-challenge O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jamstooks/django-acme-challenge/issues/1 O https://github.com/jamstooks/django-acme-challenge/issues/1 O + +Hi O Hi O +, O , O +just O just O +a O a O +quick O quick O +question O question O +: O : O +after O after O +setting O setting O +the O the O +slug O slug O +and O and O +the O the O +content O content O +, O , O +how O how O +can O can O +I O I O +trigger O trigger O +the O the O +validation O validation O +again O again O +? O ? O + +If O If O +I O I O +run O run O +./acme.sh B-Code_Block ./acme.sh O +--issue I-Code_Block --issue O +the O the O +script O script O +tries O tries O +to O to O +validate O validate O +a O a O +different O different O +slug O slug O +. O . O + +Repository_Name O Repository_Name O +: O : O +jfox015/Bonfire O jfox015/Bonfire O +-Comments O -Comments O + +Repository_Link O Repository_Link O +: O : O +https://github.com/jfox015/Bonfire-Comments O https://github.com/jfox015/Bonfire-Comments O + +Bonfire B-Application Bonfire O +Comments O Comments O + +A O A O +module O module O +for O for O +adding O adding O +comments O comments O +threads O threads O +to O to O +attach O attach O +various O various O +types O types O +of O of O +Bonfire B-Application Bonfire O +Admin B-User_Interface_Element Admin O +Dashboard I-User_Interface_Element Dashboard O +content O content O +. O . O + +Current O Current O +Features O Features O + +Content O Content O +agnostic O agnostic O +data O data O +design O design O + +Use O Use O +modules::run() B-Library_Function modules::run() O +to O to O +call O call O +comment O comment O +thread O thread O +and O and O +form O form O +. O . O + +AJAX B-Library_Function AJAX O +submission O submission O +and O and O +updates O updates O + +Settings O Settings O +options O options O + +Twitter B-Website Twitter O +Boostrap B-Library Boostrap O +CSS B-Language CSS O +amd O amd O +JS B-Language JS O +integration O integration O +( O ( O +Collapsable O Collapsable O +) O ) O + +Possible O Possible O +Future O Future O +Features O Features O + +Gravatar B-Application Gravatar O +support O support O + +Nested O Nested O +Comment O Comment O +Replies O Replies O + +Requirements O Requirements O + +PHP B-Language PHP O +5.3 B-Version 5.3 O ++ I-Version + O + +Bonfire B-Application Bonfire O +0.7 B-Version 0.7 O ++ I-Version + O + +Keep O Keep O +Current O Current O +on O on O +the O the O +Mod O Mod O + +Follow O Follow O +the O the O +official O official O +Twitter B-Website Twitter O +feed O feed O +jfox015 B-User_Name jfox015 O +. O . O + +Team O Team O + +Jeff B-User_Name Jeff O +Fox I-User_Name Fox O +- O - O +Lead O Lead O +Developer O Developer O + +Contribute O Contribute O +to O to O +the O the O +development O development O + +This O This O +mod O mod O +is O is O +a O a O +100% O 100% O +free O free O +and O and O +open O open O +source O source O +project O project O +. O . O + +The O The O +source O source O +code O code O +is O is O +publicly O publicly O +available O available O +on O on O +GitHub.com B-Website GitHub.com O +. O . O + +If O If O +you O you O +want O want O +to O to O +contribute O contribute O +to O to O +the O the O +development O development O +, O , O +simply O simply O +fork O fork O +the O the O +project O project O +, O , O +hack O hack O +the O the O +code O code O +and O and O +send O send O +pull O pull O +requests O requests O +with O with O +your O your O +updates O updates O +. O . O + +License O License O + +Copyright B-Licence Copyright O +( I-Licence ( O +c I-Licence c O +) I-Licence ) O +2012-14 B-Licence 2012-14 O +Jeff I-Licence Jeff O +Fox I-Licence Fox O +. O . O + +Permission O Permission O +is O is O +hereby O hereby O +granted O granted O +, O , O +free O free O +of O of O +charge O charge O +, O , O +to O to O +any O any O +person O person O +obtaining O obtaining O +a O a O +copy O copy O +of O of O +this O this O +software O software O +and O and O +associated O associated O +documentation O documentation O +files O files O +( O ( O +the O the O +" O " O +Software O Software O +" O " O +) O ) O +, O , O +to O to O +deal O deal O +in O in O +the O the O +Software O Software O +without O without O +restriction O restriction O +, O , O +including O including O +without O without O +limitation O limitation O +the O the O +rights O rights O +to O to O +use O use O +, O , O +copy O copy O +, O , O +modify O modify O +, O , O +merge O merge O +, O , O +publish O publish O +, O , O +distribute O distribute O +, O , O +sublicense O sublicense O +, O , O +and/or O and/or O +sell O sell O +copies O copies O +of O of O +the O the O +Software O Software O +, O , O +and O and O +to O to O +permit O permit O +persons O persons O +to O to O +whom O whom O +the O the O +Software O Software O +is O is O +furnished O furnished O +to O to O +do O do O +so O so O +, O , O +subject O subject O +to O to O +the O the O +following O following O +conditions O conditions O +: O : O + +The O The O +above O above O +copyright O copyright O +notice O notice O +and O and O +this O this O +permission O permission O +notice O notice O +shall O shall O +be O be O +included O included O +in O in O +all O all O +copies O copies O +or O or O +substantial O substantial O +portions O portions O +of O of O +the O the O +Software O Software O +. O . O + +THE O THE O +SOFTWARE O SOFTWARE O +IS O IS O +PROVIDED O PROVIDED O +" O " O +AS O AS O +IS O IS O +" O " O +, O , O +WITHOUT O WITHOUT O +WARRANTY O WARRANTY O +OF O OF O +ANY O ANY O +KIND O KIND O +, O , O +EXPRESS O EXPRESS O +OR O OR O +IMPLIED O IMPLIED O +, O , O +INCLUDING O INCLUDING O +BUT O BUT O +NOT O NOT O +LIMITED O LIMITED O +TO O TO O +THE O THE O +WARRANTIES O WARRANTIES O +OF O OF O +MERCHANTABILITY O MERCHANTABILITY O +, O , O +FITNESS O FITNESS O +FOR O FOR O +A O A O +PARTICULAR O PARTICULAR O +PURPOSE O PURPOSE O +AND O AND O +NONINFRINGEMENT O NONINFRINGEMENT O +. O . O + +IN O IN O +NO O NO O +EVENT O EVENT O +SHALL O SHALL O +THE O THE O +AUTHORS O AUTHORS O +OR O OR O +COPYRIGHT O COPYRIGHT O +HOLDERS O HOLDERS O +BE O BE O +LIABLE O LIABLE O +FOR O FOR O +ANY O ANY O +CLAIM O CLAIM O +, O , O +DAMAGES O DAMAGES O +OR O OR O +OTHER O OTHER O +LIABILITY O LIABILITY O +, O , O +WHETHER O WHETHER O +IN O IN O +AN O AN O +ACTION O ACTION O +OF O OF O +CONTRACT O CONTRACT O +, O , O +TORT O TORT O +OR O OR O +OTHERWISE O OTHERWISE O +, O , O +ARISING O ARISING O +FROM O FROM O +, O , O +OUT O OUT O +OF O OF O +OR O OR O +IN O IN O +CONNECTION O CONNECTION O +WITH O WITH O +THE O THE O +SOFTWARE O SOFTWARE O +OR O OR O +THE O THE O +USE O USE O +OR O OR O +OTHER O OTHER O +DEALINGS O DEALINGS O +IN O IN O +THE O THE O +SOFTWARE O SOFTWARE O +. O . O + +Repository_Name O Repository_Name O +: O : O +LucasHill/ember O LucasHill/ember O +-fastboot-post-example O -fastboot-post-example O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucasHill/ember-fastboot-post-example/issues/1 O https://github.com/LucasHill/ember-fastboot-post-example/issues/1 O + +Examples O Examples O +of O of O +how O how O +to O to O +POST B-Library_Function POST O +to O to O +a O a O +fastboot B-Application fastboot O +app O app O +in O in O +development O development O +and O and O +production O production O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/42 O https://github.com/demigor/lex.db/issues/42 O + +I O I O +'m O 'm O +developing O developing O +a O a O +cross O cross O +platform O platform O +app O app O +in O in O +Xamarin B-Application Xamarin O +Forms I-Application Forms O +. O . O + +I O I O +have O have O +added O added O +Lex.DB B-Application Lex.DB O +to O to O +my O my O +Portable B-Library Portable O +Class I-Library Class O +Library I-Library Library O +. O . O + +When O When O +I O I O +try O try O +to O to O +call O call O +Initialize() B-Library_Function Initialize() O +on O on O +DbInstance B-Library_Class DbInstance O +, O , O +I O I O +receive O receive O +a O a O +NullReferenceException B-Error_Name NullReferenceException O +error I-Error_Name error O +. O . O + +This O This O +only O only O +happens O happens O +in O in O +iOS B-Operating_System iOS O +( O ( O +both O both O +device O device O +and O and O +simulator O simulator O +) O ) O +, O , O +but O but O +it O it O +works O works O +fine O fine O +on O on O +Android B-Operating_System Android O +. O . O + +I O I O +notice O notice O +that O that O +the O the O +Path B-Library_Variable Path O +property O property O +is O is O +null O null O +on O on O +DbInstance B-Library_Class DbInstance O +( O ( O +see O see O +screenshot O screenshot O +) O ) O +. O . O + +What O What O +am O am O +I O I O +doing O doing O +wrong O wrong O +here O here O +? O ? O + +Repository_Name O Repository_Name O +: O : O +virresh/hello O virresh/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/virresh/hello-world/issues/1 O https://github.com/virresh/hello-world/issues/1 O + +Issue O Issue O +for O for O +testing O testing O +git B-Application git O +closes O closes O +keyword O keyword O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/22 O https://github.com/rpcope1/Hantek6022API/issues/22 O + +File O File O +Hantek6022API/PyHT6022/LibUsbScope.py B-File_Name Hantek6022API/PyHT6022/LibUsbScope.py O +has O has O +a O a O +method O method O +def B-Code_Block def O +flash_firmware I-Code_Block flash_firmware O +( I-Code_Block ( O +self I-Code_Block self O +, I-Code_Block , O +firmware I-Code_Block firmware O += I-Code_Block = O +default_firmware I-Code_Block default_firmware O +, I-Code_Block , O +supports_single_channel I-Code_Block supports_single_channel O += I-Code_Block = O +True I-Code_Block True O +, I-Code_Block , O +timeout I-Code_Block timeout O += I-Code_Block = O +60 I-Code_Block 60 O +) I-Code_Block ) O +: O : O + +has O has O +a O a O +delay O delay O +loop O loop O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_64083 I-Code_Block GR_64083 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +maybe O maybe O +you O you O +could O could O +include O include O +some O some O +sort O sort O +of O of O +diagnostic O diagnostic O +information O information O +display O display O +within O within O +that O that O +loop O loop O +print B-Code_Block print O +( I-Code_Block ( O +'yet I-Code_Block 'yet O +another I-Code_Block another O +iteration' I-Code_Block iteration' O +) I-Code_Block ) O + +You O You O +'ll O 'll O +also O also O +notice O notice O +before O before O +that O that O +is O is O +a O a O +timeout O timeout O +for O for O +writing O writing O +packets O packets O +, O , O +which O which O +is O is O +probably O probably O +where O where O +your O your O +code O code O +hangs O hangs O +. O . O + +My O My O +Hantek B-Device Hantek O +oscilloscope I-Device oscilloscope O +does O does O +not O not O +have O have O +a O a O +" O " O +power O power O +on O on O +" O " O +indicator O indicator O +light O light O +. O . O + +A O A O +defect O defect O +in O in O +the O the O +design O design O +, O , O +in O in O +my O my O +opinion O opinion O +. O . O + +Certain O Certain O +you O you O +'ve O 've O +connected O connected O +the O the O +scope O scope O +to O to O +a O a O +USB B-Device USB O +port O port O +and O and O +not O not O +a O a O +USB3 B-Device USB3 O +port O port O +? O ? O + +( O ( O +probably O probably O +not O not O +possible O possible O +within O within O +reason O reason O +) O ) O +Certain O Certain O +that O that O +the O the O +port O port O +on O on O +your O your O +computer B-Library_Function computer O +works O works O +? O ? O + +Dave B-User_Name Dave O + +On O On O +10/24/2015 O 10/24/2015 O +06:55 O 06:55 O +PM O PM O +, O , O +Keziolio B-User_Name Keziolio O +wrote O wrote O +: O : O + +Hi O Hi O +, O , O +on O on O +Arch B-Operating_System Arch O +linux I-Operating_System linux O +, O , O +when O when O +i O i O +do O do O +|python2 B-Code_Block |python2 O +examples/example_linux_flashfirmware.py I-Code_Block examples/example_linux_flashfirmware.py O +| O | O +, O , O +the O the O +script O script O +starts O starts O +but O but O +it O it O +stops O stops O +at O at O +|scope.flash_firmware()| B-Library_Function |scope.flash_firmware()| O +, O , O +and O and O +stays O stays O +there O there O +, O , O +without O without O +giving O giving O +errors O errors O +or O or O +output O output O +. O . O + +Am O Am O +i O i O +doing O doing O +something O something O +wrong O wrong O +? O ? O + +The O The O +scope O scope O +is O is O +connected O connected O +, O , O +the O the O +firmware O firmware O +is O is O +built O built O +as O as O +instruction O instruction O +said O said O +. O . O + +Python B-Language Python O +2.7.10 B-Version 2.7.10 O + +— O — O +Reply O Reply O +to O to O +this O this O +email O email O +directly O directly O +or O or O +view O view O +it O it O +on O on O +GitHub B-Website GitHub O +https://github.com/rpcope1/Hantek6022API/issues/22 O https://github.com/rpcope1/Hantek6022API/issues/22 O +. O . O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/4 O https://github.com/op-jenkins/op-build/issues/4 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +islamgoda3/tic O islamgoda3/tic O +-tac-toe-android-app O -tac-toe-android-app O + +Repository_Link O Repository_Link O +: O : O +https://github.com/islamgoda3/tic-tac-toe-android-app O https://github.com/islamgoda3/tic-tac-toe-android-app O + +TIC O TIC O +TAC O TAC O +TOE O TOE O + +This O This O +is O is O +the O the O +famous O famous O +Tic O Tic O +Tac O Tac O +Toe O Toe O +game O game O +for O for O +Android B-Operating_System Android O +4.0 B-Version 4.0 O +and O and O +higher O higher O +. O . O + +This O This O +game O game O +allows O allows O +you O you O +to O to O +play O play O +tic O tic O +tac O tac O +toe O toe O +against O against O +CPU B-Device CPU O +or O or O +against O against O +your O your O +friends O friends O +on O on O +the O the O +same O same O +device O device O +or O or O +using O using O +bluetooth O bluetooth O +to O to O +communicate O communicate O +between O between O +your O your O +and O and O +your O your O +friend O friend O +'s O 's O +device O device O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/33 O https://github.com/google-ar/arcore-unreal-sdk/issues/33 O + +I O I O +was O was O +wondering O wondering O +whether O whether O +it O it O +is O is O +already O already O +, O , O +or O or O +will O will O +be O be O +possible O possible O +to O to O +build O build O +the O the O +HelloAR B-Application HelloAR O +sample O sample O +for O for O +x86 O x86 O +in O in O +the O the O +near O near O +future O future O +? O ? O + +From O From O +what O what O +i O i O +have O have O +read O read O +, O , O +x86 O x86 O +is O is O +supported O supported O +in O in O +the O the O +arcore-android-sdk B-Application arcore-android-sdk O +since O since O +1.0 B-Version 1.0 O +. O . O + +Does O Does O +this O this O +apply O apply O +to O to O +the O the O +unreal-sdk B-Application unreal-sdk O +also O also O +? O ? O + +I O I O +might O might O +just O just O +be O be O +making O making O +mistakes O mistakes O +in O in O +the O the O +build O build O +process O process O +. O . O + +So O So O +far O far O +i O i O +'ve O 've O +tried O tried O +using O using O +both O both O +the O the O +1R6 B-Version 1R6 O +and O and O +1R7 B-Version 1R7 O +Codeworks B-Application Codeworks O +for O for O +Android B-Operating_System Android O +bundles O bundles O +as O as O +suggested O suggested O +by O by O +the O the O +unreal B-Application unreal O +documentation O documentation O +, O , O +as O as O +well O well O +as O as O +manually O manually O +getting O getting O +the O the O +most O most O +recent O recent O +SDK B-Application SDK O +and O and O +NDK B-Application NDK O +versions O versions O +and O and O +targeting O targeting O +for O for O +numerous O numerous O +emulated O emulated O +devices O devices O +and O and O +API B-Library API O +levels O levels O +. O . O + +I O I O +did O did O +also O also O +build O build O +the O the O +Unreal B-Application Unreal O +Engine I-Application Engine O +from O from O +the O the O +google-ar-unreal/UnrealEngine O google-ar-unreal/UnrealEngine O +repository O repository O +. O . O + +I O I O +currently O currently O +run O run O +into O into O +" O " O +static_assert B-Error_Name static_assert O +failed I-Error_Name failed O +" O " O +errors O errors O +, O , O +for O for O +instance O instance O +: O : O + +LogPlayLevel B-Code_Block LogPlayLevel B-Code_Block +: I-Code_Block : I-Code_Block +PLATFORM_ANDROID_NDK_VERSION I-Code_Block PLATFORM_ANDROID_NDK_VERSION I-Code_Block += I-Code_Block = I-Code_Block +150300 I-Code_Block 150300 I-Code_Block + +LogPlayLevel B-Code_Block LogPlayLevel B-Code_Block +: I-Code_Block : I-Code_Block +NDK I-Code_Block NDK I-Code_Block +toolchain I-Code_Block toolchain I-Code_Block +: I-Code_Block : I-Code_Block +r15c I-Code_Block r15c I-Code_Block +, I-Code_Block , I-Code_Block +NDK I-Code_Block NDK I-Code_Block +version I-Code_Block version I-Code_Block +: I-Code_Block : I-Code_Block +26 I-Code_Block 26 I-Code_Block +, I-Code_Block , I-Code_Block +GccVersion I-Code_Block GccVersion I-Code_Block +: I-Code_Block : I-Code_Block +4.9 I-Code_Block 4.9 I-Code_Block +, I-Code_Block , I-Code_Block +ClangVersion I-Code_Block ClangVersion I-Code_Block +: I-Code_Block : I-Code_Block +5.0.300080 I-Code_Block 5.0.300080 I-Code_Block + +[ O [ O +.. O .. O +] O ] O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GI_11462 I-Code_Block GI_11462 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Any O Any O +help O help O +would O would O +be O be O +much O much O +appreciated O appreciated O +. O . O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/9 O https://github.com/SivanMehta/wander/issues/9 O + +Moved O Moved O +all O all O +documents O documents O +and O and O +process O process O +involved O involved O +in O in O +user O user O +experience O experience O +side O side O +from O from O +local O local O +folder O folder O +to O to O +docs O docs O +folder O folder O +( O ( O +digitalized O digitalized O +versions O versions O +after O after O +initial O initial O +drafts O drafts O +on O on O +whiteboard/paper O whiteboard/paper O +) O ) O + +Readme B-File_Name Readme O +update O update O +with O with O +blurb O blurb O +on O on O +ux O ux O +process O process O + +Included O Included O +user O user O +research O research O +analysis O analysis O +with O with O +affinity O affinity O +diagramming O diagramming O +( O ( O +digital O digital O +version O version O +) O ) O + +Included O Included O +wireframe O wireframe O +workflow O workflow O +( O ( O +digital O digital O +version O version O +) O ) O + +Usability O Usability O +Aspect O Aspect O +Report O Report O +based O based O +on O on O +user-testing O user-testing O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/9 O https://github.com/LucieSteiner/AMT_feature1/issues/9 O + +I O I O +would O would O +recommend O recommend O +to O to O +create O create O +a O a O +dedicated O dedicated O +servlet B-Library_Class servlet O +for O for O +this O this O +, O , O +or O or O +( O ( O +as O as O +you O you O +are O are O +using O using O +the O the O +" O " O +action B-Library_Variable action O +" O " O +parameter O parameter O +) O ) O +, O , O +to O to O +put O put O +it O it O +together O together O +with O with O +the O the O +login O login O +code O code O +. O . O + +Think O Think O +of O of O +a O a O +developer O developer O +arriving O arriving O +in O in O +your O your O +project O project O +: O : O +you O you O +will O will O +make O make O +his O his O +life O life O +easier O easier O +if O if O +he O he O +finds O finds O +all O all O +authentication-related O authentication-related O +code O code O +in O in O +the O the O +same O same O +class O class O +. O . O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/5 O https://github.com/SivanMehta/wander/issues/5 O + + +Allow O Allow O +users O users O +to O to O +request O request O +each O each O +other O other O +via O via O +clicking O clicking O +buttons B-User_Interface_Element buttons O + +Also O Also O +give O give O +the O the O +impression O impression O +of O of O +rating O rating O +a O a O +trip O trip O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/4 O https://github.com/mfellner/webpack-sandboxed/issues/4 O + +Upgrade O Upgrade O +dependencies O dependencies O +. O . O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/120 O https://github.com/svenstaro/flamejam/issues/120 O + +As O As O +some O some O +people O people O +have O have O +noted O noted O +on O on O +IRC O IRC O +, O , O +screenshots O screenshots O +no O no O +longer O longer O +show O show O +up O up O +for O for O +games O games O +. O . O + +This O This O +was O was O +probably O probably O +broken O broken O +by O by O +the O the O +database O database O +acccessing O acccessing O +scheme O scheme O +overhaul O overhaul O +, O , O +and O and O +is O is O +fixed O fixed O +in O in O +this O this O +pull O pull O +request O request O +. O . O + +Repository_Name O Repository_Name O +: O : O +maemori/accon O maemori/accon O + +Repository_Link O Repository_Link O +: O : O +https://github.com/maemori/accon O https://github.com/maemori/accon O + +#Accon O #Accon O + +Version O Version O +: O : O +1.1.0 B-Version 1.1.0 O + +FuelPHP B-Library FuelPHP O +Version O Version O +: O : O +1.8 B-Version 1.8 O +( O ( O +http://fuelphp.com/ O http://fuelphp.com/ O +) O ) O + +Description O Description O + +アクセス制御機能をはじめ、Webアプリケーションに必要な機能をオール・イン・ワン化された開発・ O アクセス制御機能をはじめ、Webアプリケーションに必要な機能をオール・イン・ワン化された開発・ O +実行基盤 O 実行基盤 O +. O . O + +fully O fully O +PHP B-Language PHP O +7 B-Version 7 O +compatible O compatible O +. O . O + +More O More O +information O information O + +For O For O +more O more O +detailed O detailed O +information O information O +, O , O +see O see O +the O the O +manual O manual O +. O . O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/6 O https://github.com/libp2p/interface-record-store/issues/6 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +multihashing O multihashing O +just O just O +published O published O +its O its O +new O new O +version O version O +0.2.2 B-Version 0.2.2 O +. O . O + +State O State O + + +Failing O Failing O +tests O tests O +:warning O :warning O +: O : O + + +Dependency O Dependency O + + + +multihashing O multihashing O + + +New O New O +version O version O + + + +0.2.2 B-Version 0.2.2 O + + +Type O Type O + + + +dependency O dependency O + + +This O This O +version O version O +is O is O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +and O and O +after O after O +updating O updating O +it O it O +in O in O +your O your O +project O project O +the O the O +build O build O +kept O kept O +failing O failing O +. O . O + +It O It O +looks O looks O +like O like O +your O your O +project O project O +, O , O +in O in O +its O its O +current O current O +form O form O +, O , O +is O is O +malfunctioning O malfunctioning O +and O and O +this O this O +update O update O +did O did O +n't O n't O +really O really O +change O change O +that O that O +. O . O + +I O I O +do O do O +n't O n't O +want O want O +to O to O +leave O leave O +you O you O +in O in O +the O the O +dark O dark O +about O about O +updates O updates O +though O though O +. O . O + +I O I O +recommend O recommend O +you O you O +get O get O +your O your O +project O project O +passing O passing O +and O and O +then O then O +check O check O +the O the O +impact O impact O +of O of O +this O this O +update O update O +again O again O +. O . O + +Do O Do O +you O you O +have O have O +any O any O +ideas O ideas O +how O how O +I O I O +could O could O +improve O improve O +these O these O +pull O pull O +requests O requests O +? O ? O + +Did O Did O +I O I O +report O report O +anything O anything O +you O you O +think O think O +is O is O +n't O n't O +right O right O +? O ? O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +while O while O +I O I O +'m O 'm O +just O just O +a O a O +bot O bot O +, O , O +there O there O +is O is O +a O a O +group O group O +of O of O +people O people O +who O who O +are O are O +happy O happy O +to O to O +teach O teach O +me O me O +new O new O +things O things O +. O . O + +Let O Let O +them O them O +know O know O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +:sparkles O :sparkles O +: O : O + +You O You O +rock O rock O +! O ! O + +:palm_tree O :palm_tree O +: O : O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +12 O 12 O +commits O commits O +. O . O + +e06e395 B-Code_Block e06e395 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +release I-Code_Block release I-Code_Block +version I-Code_Block version I-Code_Block +v0.2.2 I-Code_Block v0.2.2 I-Code_Block + +30e3ad2 B-Code_Block 30e3ad2 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +contributors I-Code_Block contributors I-Code_Block + +3828e53 B-Code_Block 3828e53 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +deps I-Code_Block deps I-Code_Block +and I-Code_Block and I-Code_Block +switch I-Code_Block switch I-Code_Block +from I-Code_Block from I-Code_Block +^ I-Code_Block ^ I-Code_Block +to I-Code_Block to I-Code_Block +~ I-Code_Block ~ I-Code_Block +in I-Code_Block in I-Code_Block +our I-Code_Block our I-Code_Block +deps I-Code_Block deps I-Code_Block + +8241a6d B-Code_Block 8241a6d B-Code_Block +Merge I-Code_Block Merge I-Code_Block +pull I-Code_Block pull I-Code_Block +request I-Code_Block request I-Code_Block +#15 I-Code_Block #15 I-Code_Block +from I-Code_Block from I-Code_Block +multiformats/feat/readme I-Code_Block multiformats/feat/readme I-Code_Block + +0dd7656 B-Code_Block 0dd7656 B-Code_Block +Edited I-Code_Block Edited I-Code_Block +README I-Code_Block README I-Code_Block + +f3b1478 B-Code_Block f3b1478 B-Code_Block +docs(readme) I-Code_Block docs(readme) I-Code_Block +: I-Code_Block : I-Code_Block +replace I-Code_Block replace I-Code_Block +npmcdn.com I-Code_Block npmcdn.com I-Code_Block +with I-Code_Block with I-Code_Block +unpkg.com I-Code_Block unpkg.com I-Code_Block + +ebe26f6 B-Code_Block ebe26f6 B-Code_Block +Merge I-Code_Block Merge I-Code_Block +pull I-Code_Block pull I-Code_Block +request I-Code_Block request I-Code_Block +#9 I-Code_Block #9 I-Code_Block +from I-Code_Block from I-Code_Block +multiformats/feature/standardize I-Code_Block multiformats/feature/standardize I-Code_Block +-readme I-Code_Block -readme I-Code_Block + +61f2273 B-Code_Block 61f2273 B-Code_Block +Standardized I-Code_Block Standardized I-Code_Block +Readme I-Code_Block Readme I-Code_Block + +e02924f B-Code_Block e02924f B-Code_Block +Merge I-Code_Block Merge I-Code_Block +pull I-Code_Block pull I-Code_Block +request I-Code_Block request I-Code_Block +#8 I-Code_Block #8 I-Code_Block +from I-Code_Block from I-Code_Block +harlantwood/patch I-Code_Block harlantwood/patch I-Code_Block +-2 I-Code_Block -2 I-Code_Block + +b068a55 B-Code_Block b068a55 B-Code_Block +Merge I-Code_Block Merge I-Code_Block +pull I-Code_Block pull I-Code_Block +request I-Code_Block request I-Code_Block +#7 I-Code_Block #7 I-Code_Block +from I-Code_Block from I-Code_Block +harlantwood/patch I-Code_Block harlantwood/patch I-Code_Block +-1 I-Code_Block -1 I-Code_Block + +f3ead52 B-Code_Block f3ead52 B-Code_Block +put I-Code_Block put I-Code_Block +responses I-Code_Block responses I-Code_Block +in I-Code_Block in I-Code_Block +comments I-Code_Block comments I-Code_Block +, I-Code_Block , I-Code_Block +to I-Code_Block to I-Code_Block +remove I-Code_Block remove I-Code_Block +" I-Code_Block " I-Code_Block +angry I-Code_Block angry I-Code_Block +highlighting I-Code_Block highlighting I-Code_Block +" I-Code_Block " I-Code_Block +on I-Code_Block on I-Code_Block +github I-Code_Block github I-Code_Block + +e23ae85 B-Code_Block e23ae85 B-Code_Block +clarify I-Code_Block clarify I-Code_Block +.digest I-Code_Block .digest I-Code_Block +method I-Code_Block method I-Code_Block +description I-Code_Block description I-Code_Block + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +✨ O ✨ O +Try O Try O +the O the O +all O all O +new O new O +Greenkeeper B-Application Greenkeeper O +GitHub B-Website GitHub O +Integration O Integration O +✨ O ✨ O + +With O With O +Integrations O Integrations O +first-class O first-class O +bot O bot O +support O support O +landed O landed O +on O on O +GitHub B-Website GitHub O +and O and O +we O we O +'ve O 've O +rewritten O rewritten O +Greenkeeper B-Application Greenkeeper O +to O to O +take O take O +full O full O +advantage O advantage O +of O of O +it O it O +. O . O + +Simpler O Simpler O +setup O setup O +, O , O +fewer O fewer O +pull-requests O pull-requests O +, O , O +faster O faster O +than O than O +ever O ever O +. O . O + +Screencast O Screencast O +Try O Try O +it O it O +today O today O +. O . O + +Free O Free O +for O for O +private O private O +repositories O repositories O +during O during O +beta O beta O +. O . O + +Repository_Name O Repository_Name O +: O : O +kohnakagawa/particle O kohnakagawa/particle O +-drawing O -drawing O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/kohnakagawa/particle-drawing/issues/1 O https://github.com/kohnakagawa/particle-drawing/issues/1 O + +slide O slide O +モードの O モードの O + +描画速度が遅い。 O 描画速度が遅い。 O + +button O button O +( O ( O +n O n O +p O p O +N O N O +P O P O +) O ) O +を二回押さないとスナップショットの更新が行われない問題点を解消する。 O を二回押さないとスナップショットの更新が行われない問題点を解消する。 O + +どの時点から描画を開始するかを明示するオプションを追加する。 O どの時点から描画を開始するかを明示するオプションを追加する。 O +( O ( O +-b O -b O +で指定する。 O で指定する。 O +) O ) O + +Repository_Name O Repository_Name O +: O : O +ManuelDeLeon/vmc2jsx O ManuelDeLeon/vmc2jsx O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/4 O https://github.com/ManuelDeLeon/viewmodel-react-plugin/issues/4 O + +I O I O +'ve O 've O +uploaded O uploaded O +repro.zip B-File_Name repro.zip O +. O . O + +This O This O +is O is O +a O a O +repro O repro O +for O for O +this O this O +and O and O +also O also O +https://github.com/ManuelDeLeon/viewmodel-react/issues/44 O https://github.com/ManuelDeLeon/viewmodel-react/issues/44 O + +See O See O +readme.md B-File_Name readme.md O +and O and O +most O most O +of O of O +the O the O +action O action O +is O is O +in O in O +imports/ui/AppLayout.jsx B-File_Name imports/ui/AppLayout.jsx O + +Repository_Name O Repository_Name O +: O : O +madison-kerndt/off O madison-kerndt/off O +-on-guard-synesthesia O -on-guard-synesthesia O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/madison-kerndt/avant-garde-synesthesia/issues/30 O https://github.com/madison-kerndt/avant-garde-synesthesia/issues/30 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +makeen-project/makeen O makeen-project/makeen O +-hapi O -hapi O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/viczam/makeen-hapi/issues/68 O https://github.com/viczam/makeen-hapi/issues/68 O + +Makeen B-Application Makeen O +Core O Core O +e2e O e2e O +tests O tests O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/15 O https://github.com/mapbox/tile-count/issues/15 O + +Bitmap B-Data_Structure Bitmap O +tiles O tiles O +should O should O +probably O probably O +use O use O +8 O 8 O +bits O bits O +per O per O +pixel O pixel O +with O with O +a O a O +palette O palette O +. O . O + +Currently O Currently O +they O they O +spell O spell O +each O each O +pixel O pixel O +out O out O +in O in O +32-bit O 32-bit O +RGBA O RGBA O +. O . O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/6 O https://github.com/dhrrgn/codeigniter-uhoh/issues/6 O + +I O I O +'m O 'm O +using O using O +CI B-Library CI O +version O version O +1.7.2 B-Version 1.7.2 O +and O and O +when O when O +my O my O +program O program O +runs O runs O +into O into O +a O a O +MySQL B-Language MySQL O +error O error O +, O , O +it O it O +throws O throws O +the O the O +following O following O +error O error O +: O : O + +http://postimage.org/image/qtbfo41dn/ O http://postimage.org/image/qtbfo41dn/ O + +ErrorException B-Output_Block ErrorException O +[ I-Output_Block [ O +Fatal I-Output_Block Fatal O +Error I-Output_Block Error O +] I-Output_Block ] O +: I-Output_Block : O +Wrong I-Output_Block Wrong O +parameters I-Output_Block parameters O +for I-Output_Block for O +ErrorException I-Output_Block ErrorException O +( I-Output_Block ( O +[string I-Output_Block [string O +$exception I-Output_Block $exception O +[ I-Output_Block [ O +, I-Output_Block , O +long I-Output_Block long O +$code I-Output_Block $code O +, I-Output_Block , O +[ I-Output_Block [ O +long I-Output_Block long O +$severity I-Output_Block $severity O +, I-Output_Block , O +[ I-Output_Block [ O +string I-Output_Block string O +$filename I-Output_Block $filename O +, I-Output_Block , O +[ I-Output_Block [ O +long I-Output_Block long O +$lineno I-Output_Block $lineno O +]]]]] I-Output_Block ]]]]] O +) I-Output_Block ) O +APPPATH/libraries/MY_Exceptions.php B-Output_Block APPPATH/libraries/MY_Exceptions.php O +[ I-Output_Block [ O +492 I-Output_Block 492 O +] I-Output_Block ] O +487 I-Output_Block 487 O +break I-Output_Block break O +; I-Output_Block ; O +488 I-Output_Block 488 O +} I-Output_Block } O +489 I-Output_Block 489 O +} I-Output_Block } O +490 I-Output_Block 490 O +unset($trace) I-Output_Block unset($trace) O +; I-Output_Block ; O +491 I-Output_Block 491 O +492 I-Output_Block 492 O +self::exception_handler I-Output_Block self::exception_handler O +( B-Output_Block ( O +new I-Output_Block new O +ErrorException I-Output_Block ErrorException O +( I-Output_Block ( O +$message I-Output_Block $message O +, I-Output_Block , O +E_ERROR I-Output_Block E_ERROR O +, I-Output_Block , O +0 I-Output_Block 0 O +, I-Output_Block , O +$file I-Output_Block $file O +, I-Output_Block , O +$line I-Output_Block $line O +) I-Output_Block ) O +) B-Output_Block ) O +; B-Output_Block ; O +493 I-Output_Block 493 O +return I-Output_Block return O +; I-Output_Block ; O +494 I-Output_Block 494 O +} I-Output_Block } O +495 I-Output_Block 495 O +496 I-Output_Block 496 O +/ I-Output_Block / O +** I-Output_Block ** O +497 I-Output_Block 497 O +* I-Output_Block * O +Is I-Output_Block Is O +Extension I-Output_Block Extension O +{ I-Output_Block { O +PHP I-Output_Block PHP O +internal I-Output_Block internal O +call} I-Output_Block call} O +» I-Output_Block » O +MY_Exceptions::shutdown_handler(arguments) I-Output_Block MY_Exceptions::shutdown_handler(arguments) O +Environment I-Output_Block Environment O + +Repository_Name O Repository_Name O +: O : O +Forneus/programmering O Forneus/programmering O +-a-inlamningar O -a-inlamningar O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Forneus/programmering-a-inlamningar/issues/2 O https://github.com/Forneus/programmering-a-inlamningar/issues/2 O + +Alt O Alt O +1 O 1 O +Alt O Alt O +2 O 2 O +Unicode O Unicode O +Rita O Rita O +själv O själv O +Storlek O Storlek O + +placering O placering O +canvastext O canvastext O +( O ( O +x/4 O x/4 O +) O ) O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/46 O https://github.com/mapbox/tile-count/issues/46 O + +Oops O Oops O +, O , O +sorry O sorry O +, O , O +I O I O +now O now O +see O see O +this O this O +is O is O +a O a O +tile-count B-Application tile-count O +bug O bug O +. O . O + +I O I O +'ll O 'll O +look O look O +into O into O +it O it O +and O and O +figure O figure O +out O out O +what O what O +'s O 's O +wrong O wrong O +. O . O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/5 O https://github.com/McMenemy/GoDoRP/issues/5 O + +Hi O Hi O +@n00ge B-User_Name @n00ge O +, O , O +sorry O sorry O +for O for O +the O the O +late O late O +response O response O +, O , O +have O have O +not O not O +looked O looked O +at O at O +this O this O +project O project O +in O in O +a O a O +while O while O +. O . O + +Just O Just O +re O re O +git B-Application git O +cloned O cloned O +and O and O +ran O ran O +docker-compose B-Code_Block docker-compose O +up I-Code_Block up O +and O and O +everything O everything O +worked O worked O +for O for O +me O me O +. O . O + +After O After O +you O you O +change O change O +the O the O +text O text O +in O in O +api.go B-File_Name api.go O +you O you O +have O have O +to O to O +refresh O refresh O +the O the O +page O page O +to O to O +see O see O +the O the O +text O text O +changes O changes O +( O ( O +react B-Library react O +will O will O +automatically O automatically O +refresh O refresh O +the O the O +page O page O +for O for O +you O you O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/15 O https://github.com/moxie-lean/ng-patternlab/issues/15 O + + +Add O Add O +menu O menu O +molecule O molecule O +base O base O +structure O structure O +. O . O + +Add O Add O +background B-User_Interface_Element background O +color O color O +option O option O +for O for O +examples O examples O +at O at O +the O the O +patterns O patterns O +page O page O +( O ( O +needed O needed O +when O when O +some O some O +components O components O +do O do O +n't O n't O +display O display O +well O well O +with O with O +the O the O +default O default O +white O white O +background O background O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/242 O https://github.com/katzer/cordova-plugin-background-mode/issues/242 O + +Hello O Hello O +. O . O + +I O I O +have O have O +used O used O +the O the O +plugin O plugin O +and O and O +it O it O +doesnt O doesnt O +show O show O +notification O notification O +in O in O +iOS B-Operating_System iOS O +. O . O + +In O In O +Android B-Operating_System Android O +it O it O +first O first O +says O says O +the O the O +app O app O +is O is O +running O running O +in O in O +background O background O +and O and O +when O when O +sent O sent O +to O to O +background O background O +for O for O +second O second O +time O time O +it O it O +shows O shows O +the O the O +notification O notification O +. O . O + +Can O Can O +you O you O +please O please O +guide O guide O +me O me O +how O how O +to O to O +get O get O +it O it O +fixed O fixed O +or O or O +tell O tell O +me O me O +what O what O +am O am O +i O i O +doing O doing O +wrong O wrong O +? O ? O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/14 O https://github.com/rpcope1/Hantek6022API/issues/14 O + +T0 O T0 O +is O is O +timer O timer O +0 O 0 O +input O input O +clock O clock O +. O . O + +So O So O +one O one O +can O can O +count O count O +the O the O +pulses O pulses O +and O and O +trigger O trigger O +a O a O +timer O timer O +interrupt O interrupt O +after O after O +a O a O +specified O specified O +number O number O +of O of O +pulses O pulses O +. O . O + +I O I O +'m O 'm O +not O not O +sure O sure O +if O if O +this O this O +is O is O +useful O useful O +for O for O +triggering O triggering O +. O . O + +I O I O +have O have O +no O no O +idea O idea O +what O what O +E0-E5 O E0-E5 O +are O are O +for O for O +. O . O + +The O The O +firmware O firmware O +contains O contains O +no O no O +code O code O +to O to O +access O access O +these O these O +registers O registers O +. O . O + +Maybe O Maybe O +related O related O +to O to O +waveform O waveform O +debugging O debugging O +? O ? O + +I O I O +think O think O +the O the O +ADC B-Device ADC O +should O should O +be O be O +triggerred O triggerred O +by O by O +either O either O +IFCLK B-Device IFCLK O +or O or O +CTL2 B-Device CTL2 O +. O . O + +48/30 O 48/30 O +MHz O MHz O +mode O mode O +enables O enables O +clock O clock O +output O output O +on O on O +IFCLK B-Device IFCLK O +and O and O +keeps O keeps O +CTL2 B-Device CTL2 O +to O to O +1 O 1 O +. O . O + +Lower O Lower O +modi O modi O +switch O switch O +CTL2 B-Device CTL2 O +in O in O +the O the O +wave O wave O +form O form O +for O for O +every O every O +sample O sample O +and O and O +disable O disable O +clock O clock O +output O output O +in O in O +IFCONFIG B-Device IFCONFIG O +. O . O + +Are O Are O +you O you O +sure O sure O +CTL2 B-Device CTL2 O +is O is O +not O not O +connected O connected O +? O ? O + +In O In O +stock O stock O +firmware O firmware O +24 O 24 O +MHz O MHz O +was O was O +broken O broken O +and O and O +sampled O sampled O +with O with O +48 O 48 O +MHz O MHz O +, O , O +while O while O +disabling O disabling O +IFCLK B-Device IFCLK O +and O and O +toggling O toggling O +CTL2 B-Device CTL2 O +with O with O +16 O 16 O +MHz O MHz O +( O ( O +ok O ok O +, O , O +only O only O +after O after O +patching O patching O +the O the O +right O right O +waveform O waveform O +) O ) O +. O . O + +The O The O +result O result O +was O was O +that O that O +there O there O +were O were O +always O always O +3 O 3 O +identical O identical O +samples O samples O +, O , O +so O so O +CTL2 B-Device CTL2 O +should O should O +have O have O +effects O effects O +. O . O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/15 O https://github.com/rpcope1/Hantek6022API/issues/15 O + +I O I O +have O have O +made O made O +some O some O +modifications O modifications O +( O ( O +like O like O +adding O adding O +capacitors O capacitors O +) O ) O +to O to O +my O my O +personal O personal O +scope O scope O +that O that O +were O were O +successful O successful O +in O in O +reducing O reducing O +noise O noise O +as O as O +seen O seen O +by O by O +the O the O +ADC B-Device ADC O +. O . O + +I O I O +should O should O +document O document O +these O these O +for O for O +others O others O +to O to O +use O use O +. O . O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/31 O https://github.com/google-ar/arcore-unreal-sdk/issues/31 O + +Hi O Hi O +, O , O + +I O I O +downloaded O downloaded O +the O the O +latest O latest O +AR B-Application AR O +Core I-Application Core O +package O package O +( O ( O +version O version O +1.3 B-Version 1.3 O +) O ) O +, O , O +and O and O +build O build O +the O the O +Augmented B-Application Augmented O +Images I-Application Images O +application O application O +on O on O +my O my O +Samsung B-Device Samsung O +Galaxy I-Device Galaxy O +S7 I-Device S7 O +edge B-Version edge O +( O ( O +SM-G935F B-Version SM-G935F O +) O ) O +. O . O + +I O I O +did O did O +this O this O +all O all O +in O in O +Unreal B-Application Unreal O +Engine I-Application Engine O +4.20 B-Version 4.20 O +. O . O + +After O After O +the O the O +build O build O +, O , O +the O the O +application O application O +launched O launched O +and O and O +asked O asked O +me O me O +permission O permission O +for O for O +camera B-Device camera O +use O use O +. O . O + +After O After O +I O I O +accepted O accepted O +, O , O +the O the O +screen B-User_Interface_Element screen O +goes O goes O +black O black O +and O and O +crashed O crashed O +. O . O + +And O And O +this O this O +happend O happend O +multiple O multiple O +times O times O +, O , O +even O even O +used O used O +previous O previous O +versions O versions O +of O of O +package O package O +/ O / O +engine O engine O +but O but O +it O it O +did O did O +n't O n't O +work O work O +. O . O + +I O I O +have O have O +AR B-Application AR O +Core I-Application Core O +installed O installed O +and O and O +even O even O +have O have O +installed O installed O +some O some O +AR B-Application AR O +Core I-Application Core O +applications O applications O +. O . O + +I O I O +even O even O +did O did O +a O a O +successful O successful O +build O build O +on O on O +the O the O +' O ' O +AR O AR O +Handheld O Handheld O +' O ' O +template O template O +from O from O +Unreal B-Application Unreal O +. O . O + +So O So O +it O it O +has O has O +to O to O +do O do O +something O something O +with O with O +the O the O +package O package O +because O because O +I O I O +also O also O +tried O tried O +to O to O +launch O launch O +the O the O +HelloAR B-Application HelloAR O +package O package O +and O and O +did O did O +n't O n't O +work O work O +either O either O +. O . O + +I O I O +made O made O +a O a O +logcat B-Application logcat O +for O for O +you O you O +: O : O + +Log-augmentedimages.txt B-File_Name Log-augmentedimages.txt O + +Tnx O Tnx O +in O in O +advance O advance O +! O ! O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/16 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/16 O + +LGTM O LGTM O + +Repository_Name O Repository_Name O +: O : O +lobbin/chrome O lobbin/chrome O +-die2nitemapupdater O -die2nitemapupdater O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lobbin/chrome-die2nitemapupdater/issues/2 O https://github.com/lobbin/chrome-die2nitemapupdater/issues/2 O + +Fixed O Fixed O +! O ! O + +Repository_Name O Repository_Name O +: O : O +cmd430/google O cmd430/google O +-event-api O -event-api O + +Repository_Link O Repository_Link O +: O : O +https://github.com/cmd430/google-event-api O https://github.com/cmd430/google-event-api O + +google-event-api B-Library google-event-api O + +Get O Get O +the O the O +image B-User_Interface_Element image O +for O for O +the O the O +current O current O +event O event O +from O from O +google B-Website google O +( O ( O +not O not O +the O the O +logo B-User_Interface_Element logo O +) O ) O + +Example O Example O +Usage O Usage O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_11909 I-Code_Block GR_11909 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +OUTPUT O OUTPUT O +EXAMPLE O EXAMPLE O +: O : O +> B-Code_Block > B-Code_Block +https://www.google.co.nz/images/icons/hpcg/ribbon-black_68.png I-Code_Block https://www.google.co.nz/images/icons/hpcg/ribbon-black_68.png I-Code_Block + +Repository_Name O Repository_Name O +: O : O +Sebastian-Kulik/kicad O Sebastian-Kulik/kicad O +-library O -library O + +Repository_Link O Repository_Link O +: O : O +https://github.com/Sebastian-Kulik/kicad-library O https://github.com/Sebastian-Kulik/kicad-library O + +KiCad B-Library KiCad O +Library O Library O + +This O This O +repository O repository O +contains O contains O +the O the O +official O official O +schematic O schematic O +and O and O +3D O 3D O +libraries O libraries O +supported O supported O +by O by O +the O the O +KiCad B-Library KiCad O +library O library O +team O team O +. O . O + +The O The O +footprint O footprint O +libraries O libraries O +are O are O +the O the O +* B-File_Type * B-Code_Block +.pretty I-File_Type .pretty I-Code_Block +repos O repos O +themselves O themselves O +and O and O +are O are O +used O used O +online O online O +by O by O +default O default O +. O . O + +If O If O +you O you O +want O want O +to O to O +download O download O +them O them O +locally O locally O +, O , O +the O the O +library-repos-install.bat B-File_Name library-repos-install.bat B-Code_Block +and O and O +library-repos-install.sh B-File_Name library-repos-install.sh B-Code_Block +scripts O scripts O +in O in O +the O the O +KiCad B-Library KiCad O +source O source O +can O can O +do O do O +this O this O +automatically O automatically O +. O . O + +How O How O +to O to O +Contribute O Contribute O + +Please O Please O +, O , O +check O check O +the O the O +CONTRIBUTING.md B-File_Name CONTRIBUTING.md O +file O file O +, O , O +or O or O +refer O refer O +to O to O +the O the O +Wiki B-Website Wiki O +Page O Page O +. O . O + +Further O Further O +Information O Information O + +KiCad B-Library KiCad O +Website O Website O + +KiCad B-Library KiCad O +Library O Library O +Convention O Convention O +( O ( O +KLC O KLC O +) O ) O + +KiCad B-Library KiCad O +Library O Library O +Wiki O Wiki O + +Repository_Name O Repository_Name O +: O : O +normal1017/shower O normal1017/shower O + +Repository_Link O Repository_Link O +: O : O +https://github.com/normal1017/shower O https://github.com/normal1017/shower O + +Shower B-Application Shower O +Presentation O Presentation O +Template O Template O + +Shower O Shower O +[ O [ O +'ʃəuə O 'ʃəuə O +] O ] O +noun O noun O +. O . O + +A O A O +person O person O +or O or O +thing O thing O +that O that O +shows O shows O +. O . O + +Built O Built O +on O on O +HTML B-Language HTML O +, O , O +CSS B-Language CSS O +and O and O +vanilla B-Version vanilla O +JavaScript B-Language JavaScript O + +Works O Works O +in O in O +all O all O +modern O modern O +browsers B-Application browsers O + +Themes O Themes O +are O are O +separated O separated O +from O from O +engine O engine O + +Modular O Modular O +and O and O +extensible O extensible O + +Fully O Fully O +keyboard B-Device keyboard O +accessible O accessible O + +Printable O Printable O +to O to O +PDF B-File_Type PDF O + +See O See O +it O it O +in O in O +action O action O +. O . O + +Includes O Includes O +Ribbon O Ribbon O +and O and O +Material O Material O +themes O themes O +, O , O +and O and O +core O core O +with O with O +plugins O plugins O +. O . O + +Follow O Follow O +@shower_me B-User_Name @shower_me O +for O for O +support O support O +and O and O +updates O updates O +, O , O +file O file O +an O an O +issue O issue O +if O if O +you O you O +have O have O +any O any O +. O . O + +Quick O Quick O +Start O Start O + +Download O Download O +and O and O +unzip O unzip O +template O template O +archive O archive O + +Open O Open O +index.html B-File_Name index.html B-Code_Block +and O and O +start O start O +creating O creating O +your O your O +presentation O presentation O + +Advanced O Advanced O + +Clone O Clone O +this O this O +repository O repository O +locally O locally O +git B-Code_Block git B-Code_Block +clone I-Code_Block clone I-Code_Block +git@github.com I-Code_Block git@github.com I-Code_Block +:shower/shower.git I-Code_Block :shower/shower.git I-Code_Block +. O . O + +Create O Create O +a O a O +new O new O +blank O blank O +repository O repository O +and O and O +copy O copy O +its O its O +cloning O cloning O +address O address O +git@github.com B-Code_Block git@github.com B-Code_Block +:USER/REPO.git I-Code_Block :USER/REPO.git I-Code_Block +. O . O + +Change O Change O +remote O remote O +of O of O +your O your O +local O local O +clone O clone O +to O to O +the O the O +one O one O +you O you O +'ve O 've O +just O just O +copied O copied O +git B-Code_Block git B-Code_Block +remote I-Code_Block remote I-Code_Block +set-url I-Code_Block set-url I-Code_Block +origin I-Code_Block origin I-Code_Block +git@github.com I-Code_Block git@github.com I-Code_Block +:USER/REPO.git I-Code_Block :USER/REPO.git I-Code_Block +. O . O + +Push O Push O +your O your O +local O local O +clone O clone O +to O to O +GitHub B-Website GitHub O +git B-Code_Block git B-Code_Block +push I-Code_Block push I-Code_Block +-u I-Code_Block -u I-Code_Block +origin I-Code_Block origin I-Code_Block +master I-Code_Block master I-Code_Block +. O . O + +Install O Install O +dependencies O dependencies O +npm B-Code_Block npm B-Code_Block +install I-Code_Block install I-Code_Block +and O and O +start O start O +it O it O +npm B-Code_Block npm B-Code_Block +start I-Code_Block start I-Code_Block +. O . O + +Once O Once O +you O you O +'re O 're O +done O done O +you O you O +can O can O +build O build O +a O a O +clean O clean O +copy O copy O +of O of O +your O your O +slides O slides O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_2450 I-Code_Block GR_2450 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +you O you O +'ll O 'll O +find O find O +your O your O +presentation O presentation O +in O in O +prepared B-Code_Block prepared B-Code_Block +folder O folder O +with O with O +only O only O +needed O needed O +files O files O +in O in O +it O it O +. O . O + +You O You O +can O can O +also O also O +run O run O +npm B-Code_Block npm B-Code_Block +run I-Code_Block run I-Code_Block +archive I-Code_Block archive I-Code_Block +to O to O +get O get O +the O the O +same O same O +files O files O +in O in O +archive.zip B-File_Name archive.zip B-Code_Block +. O . O + +But O But O +there O there O +'s O 's O +more O more O +! O ! O + +You O You O +can O can O +easily O easily O +publish O publish O +your O your O +presentation O presentation O +online O online O +by O by O +running O running O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_2451 I-Code_Block GR_2451 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +you O you O +'ll O 'll O +have O have O +your O your O +slides O slides O +published O published O +to O to O +http://USER.github.io/REPO/ B-Code_Block http://USER.github.io/REPO/ B-Code_Block +. O . O + +Usage O Usage O +Examples O Examples O + +Inhuman O Inhuman O +UI O UI O + +My O My O +Vanilla B-Version Vanilla O +CSS B-Language CSS O + +I O I O +'m O 'm O +in O in O +IoT O IoT O + +Enough O Enough O +Bricks O Bricks O + +Browser B-Application Browser O +Support O Support O + +Latest O Latest O +stable O stable O +versions O versions O +of O of O +Chrome B-Application Chrome O +, O , O +Internet B-Application Internet O +Explorer I-Application Explorer O +, O , O +Firefox B-Application Firefox O +, O , O +Opera B-Application Opera O +and O and O +Safari B-Application Safari O +are O are O +supported O supported O +. O . O + +Contributing O Contributing O + +You O You O +'re O 're O +always O always O +welcome O welcome O +to O to O +contribute O contribute O +. O . O + +Fork O Fork O +project O project O +, O , O +make O make O +changes O changes O +and O and O +send O send O +it O it O +as O as O +pull O pull O +request O request O +. O . O + +But O But O +it O it O +'s O 's O +better O better O +to O to O +file O file O +an O an O +issue O issue O +with O with O +your O your O +idea O idea O +first O first O +. O . O + +Read O Read O +contributing O contributing O +rules O rules O +for O for O +more O more O +details O details O +. O . O + +Main O Main O +contributors O contributors O +in O in O +historical O historical O +order O order O +: O : O +pepelsbey B-User_Name pepelsbey O +, O , O +jahson B-User_Name jahson O +, O , O +miripiruni B-User_Name miripiruni O +, O , O +kizu B-User_Name kizu O +, O , O +artpolikarpov B-User_Name artpolikarpov O +, O , O +tonyganch B-User_Name tonyganch O +, O , O +zloylos B-User_Name zloylos O +. O . O + +Licensed O Licensed O +under O under O +MIT B-Licence MIT O +License I-Licence License O +. O . O + +Repository_Name O Repository_Name O +: O : O +demigor/lex.db O demigor/lex.db O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/demigor/lex.db/issues/27 O https://github.com/demigor/lex.db/issues/27 O + +Fixed O Fixed O +in O in O +1.2.3 B-Version 1.2.3 O +. O . O + +( O ( O +My O My O +bad O bad O +, O , O +occasionally O occasionally O +committed O committed O +experimental O experimental O +part O part O +of O of O +code O code O +) O ) O +. O . O + +Repository_Name O Repository_Name O +: O : O +harshnarang8/AcaConnectFour O harshnarang8/AcaConnectFour O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/harshnarang8/AcaConnectFour/issues/5 O https://github.com/harshnarang8/AcaConnectFour/issues/5 O + +There O There O +is O is O +still O still O +an O an O +error O error O +in O in O +AI O AI O +. O . O + +processv2 B-Version processv2 O +created O created O +. O . O + +There O There O +is O is O +no O no O +tree B-Data_Structure tree O +implementation O implementation O +needed O needed O +there O there O +. O . O + +Repository_Name O Repository_Name O +: O : O +fibasile/programmingspritz O fibasile/programmingspritz O + +Repository_Link O Repository_Link O +: O : O +https://github.com/fibasile/programmingspritz O https://github.com/fibasile/programmingspritz O + +programmingspritz O programmingspritz O + +Corso O Corso O +di O di O +programmazione O programmazione O +Python B-Language Python O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/25 O https://github.com/rgeo/rgeo-activerecord/issues/25 O + +✅ O ✅ O +- O - O +The O The O +latest O latest O +1.0 B-Version 1.0 O +branch O branch O +is O is O +released O released O +as O as O +version O version O +1.3.0 B-Version 1.3.0 O +. O . O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Repository_Link O Repository_Link O +: O : O +https://github.com/rpcope1/Hantek6022API O https://github.com/rpcope1/Hantek6022API O + +Hantek6022API B-Library Hantek6022API O +( O ( O +Version O Version O +0.0.2 B-Version 0.0.2 O +) O ) O + +Hantek B-Library Hantek O +6022BE I-Library 6022BE O +Python I-Library Python O +API I-Library API O +for O for O +Windows B-Operating_System Windows O +and O and O +Linux B-Operating_System Linux O +. O . O + +This O This O +is O is O +a O a O +API B-Library API O +for O for O +Python B-Language Python O +via O via O +ctypes O ctypes O +for O for O +Hantek B-Organization Hantek O +'s O 's O +SDK B-Application SDK O +for O for O +the O the O +ultra-cheap O ultra-cheap O +, O , O +reasonably O reasonably O +usable O usable O +( O ( O +and O and O +hackable O hackable O +) O ) O +6022BE B-Device 6022BE O +DSO I-Device DSO O +, O , O +with O with O +a O a O +libusb B-Library libusb O +implementation O implementation O +via O via O +libusb1 B-Library libusb1 O +for O for O +Linux B-Operating_System Linux O +. O . O + +I O I O +was O was O +tired O tired O +of O of O +using O using O +the O the O +silly O silly O +Chinese O Chinese O +software O software O +that O that O +came O came O +with O with O +this O this O +DSO B-Device DSO O +, O , O +so O so O +I O I O +decided O decided O +to O to O +write O write O +an O an O +API B-Library API O +so O so O +I O I O +could O could O +run O run O +the O the O +scope O scope O +through O through O +Python B-Language Python O +. O . O + +The O The O +scope O scope O +can O can O +be O be O +accessed O accessed O +by O by O +instantiating O instantiating O +an O an O +oscilloscope O oscilloscope O +object O object O +with O with O +the O the O +correct O correct O +scopeid O scopeid O +( O ( O +always O always O +0 O 0 O +for O for O +one O one O +scope O scope O +attached O attached O +) O ) O +. O . O + +Things O Things O +like O like O +voltage O voltage O +divisions O divisions O +and O and O +sampling O sampling O +rates O rates O +can O can O +be O be O +set O set O +by O by O +the O the O +appropriate O appropriate O +methods O methods O +. O . O + +As O As O +I O I O +finish O finish O +developing O developing O +this O this O +, O , O +I O I O +will O will O +include O include O +documentation O documentation O +. O . O + +Each O Each O +method O method O +has O has O +some O some O +documentation O documentation O +as O as O +to O to O +what O what O +it O it O +does O does O +currently O currently O +though O though O +, O , O +and O and O +hopefully O hopefully O +variable O variable O +names O names O +are O are O +clear O clear O +enough O enough O +to O to O +give O give O +you O you O +some O some O +idea O idea O +what O what O +they O they O +are O are O +for O for O +. O . O + +( O ( O +Also O Also O +, O , O +the O the O +provided O provided O +DLLs O DLLs O +that O that O +access O access O +the O the O +scope O scope O +belong O belong O +to O to O +Hantek B-Organization Hantek O +, O , O +not O not O +me O me O +. O . O + +They O They O +are O are O +provided O provided O +simply O simply O +for O for O +ease O ease O +of O of O +access O access O +and O and O +are O are O +probably O probably O +NOT O NOT O +covered O covered O +by O by O +the O the O +GPL B-Licence GPL O +! O ! O +) O ) O + +Neat O Neat O +things O things O +you O you O +can O can O +do O do O + +While O While O +this O this O +scope O scope O +is O is O +n't O n't O +quite O quite O +as O as O +poweful O poweful O +as O as O +your O your O +many-thousand O many-thousand O +dollar O dollar O +Tektronix B-Device Tektronix O +or O or O +even O even O +your O your O +run O run O +of O of O +the O the O +mill O mill O +Rigol B-Device Rigol O +1102E I-Device 1102E O +, O , O +with O with O +a O a O +little O little O +bit O bit O +of O of O +programming O programming O +, O , O +it O it O +'s O 's O +capable O capable O +of O of O +doing O doing O +interesting O interesting O +things O things O +. O . O + +User O User O +-johoe B-User_Name -johoe O +on O on O +reddit B-Website reddit O +was O was O +able O able O +to O to O +use O use O +this O this O +library O library O +and O and O +scope O scope O +to O to O +launch O launch O +a O a O +successful O successful O +side-channel O side-channel O +attack O attack O +on O on O +his O his O +TREZOR B-Device TREZOR O +bitcoin I-Device bitcoin O +device O device O +, O , O +and O and O +extract O extract O +the O the O +device O device O +'s O 's O +private O private O +keys O keys O +; O ; O +yes O yes O +side-channel O side-channel O +attacks O attacks O +are O are O +n't O n't O +just O just O +for O for O +NSA B-Organization NSA O +spooks O spooks O +and O and O +crusty O crusty O +academics O academics O +anymore O anymore O +, O , O +even O even O +you O you O +can O can O +do O do O +it O it O +in O in O +your O your O +home O home O +with O with O +this O this O +inexpensive O inexpensive O +USB B-Device USB O +scope O scope O +. O . O + +:) O :) O + +If O If O +you O you O +have O have O +you O you O +have O have O +your O your O +own O own O +examples O examples O +or O or O +have O have O +seen O seen O +this O this O +library O library O +used O used O +, O , O +please O please O +let O let O +me O me O +know O know O +so O so O +I O I O +can O can O +add O add O +the O the O +examples O examples O +here O here O +. O . O + +Now O Now O +with O with O +Linux B-Operating_System Linux O +support O support O + +If O If O +you O you O +'re O 're O +on O on O +Linux B-Operating_System Linux O +, O , O +you O you O +'re O 're O +also O also O +in O in O +luck O luck O +, O , O +as O as O +I O I O +'ve O 've O +provided O provided O +some O some O +reverse O reverse O +engineered O engineered O +binding O binding O +for O for O +libusb B-Library libusb O +to O to O +operate O operate O +this O this O +little O little O +device O device O +. O . O + +You O You O +may O may O +wish O wish O +to O to O +first O first O +add O add O +60-hantek-6022-usb.rules B-File_Name 60-hantek-6022-usb.rules O +to O to O +your O your O +udev B-Application udev O +rules O rules O +, O , O +via O via O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_147568 I-Code_Block GR_147568 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +After O After O +you O you O +'ve O 've O +done O done O +this O this O +, O , O +the O the O +scope O scope O +should O should O +automatically O automatically O +come O come O +up O up O +with O with O +the O the O +correct O correct O +permissions O permissions O +to O to O +be O be O +accessed O accessed O +without O without O +a O a O +root O root O +user O user O +. O . O + +You O You O +need O need O +to O to O +compile O compile O +the O the O +custom O custom O +firmware O firmware O +. O . O + +Install O Install O +sdcc B-Application sdcc B-Code_Block +for O for O +this O this O +. O . O + +Then O Then O +run O run O +make B-Code_Block make B-Code_Block +in O in O +the O the O +directory O directory O +HantekFirmware/custom B-Code_Block HantekFirmware/custom B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_147569 I-Code_Block GR_147569 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +With O With O +the O the O +device O device O +plugged O plugged O +in O in O +, O , O +run O run O +the O the O +example_linux_flashfirmware.py B-File_Name example_linux_flashfirmware.py O +example O example O +, O , O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_147570 I-Code_Block GR_147570 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +to O to O +bootstrap O bootstrap O +the O the O +scope O scope O +for O for O +use O use O +. O . O + +You O You O +can O can O +then O then O +write O write O +your O your O +own O own O +programs O programs O +, O , O +or O or O +look O look O +at O at O +the O the O +current O current O +channel O channel O +1 O 1 O +scope O scope O +trace O trace O +via O via O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_147571 I-Code_Block GR_147571 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +TODO O TODO O + +Clean O Clean O +up O up O +library O library O +, O , O +apply O apply O +good O good O +formatting O formatting O +. O . O + +Clean O Clean O +up O up O +unit O unit O +tests O tests O +. O . O + +Add O Add O +more O more O +examples O examples O +. O . O + +One O One O +excellent O excellent O +ultimate O ultimate O +goal O goal O +for O for O +this O this O +would O would O +to O to O +make O make O +it O it O +play O play O +nice O nice O +with O with O +cheap O cheap O +ARM B-Device ARM O +SBCs I-Device SBCs O +like O like O +the O the O +Raspberry B-Device Raspberry O +Pi I-Device Pi O +, O , O +such O such O +that O that O +this O this O +could O could O +be O be O +used O used O +as O as O +a O a O +quick O quick O +and O and O +dirty O dirty O +DAQ O DAQ O +for O for O +many O many O +interesting O interesting O +systems O systems O +. O . O + +For O For O +additional O additional O +( O ( O +interesting O interesting O +) O ) O +details O details O +, O , O +the O the O +inquisitive O inquisitive O +reader O reader O +should O should O +read O read O +: O : O +http://www.eevblog.com/forum/testgear/hantek-6022be-20mhz-usb-dso/ O http://www.eevblog.com/forum/testgear/hantek-6022be-20mhz-usb-dso/ O + +UPDATE O UPDATE O +: O : O +If O If O +you O you O +'re O 're O +interested O interested O +in O in O +contributing O contributing O +and O and O +updating O updating O +this O this O +repo O repo O +, O , O +I O I O +'d O 'd O +be O be O +glad O glad O +to O to O +have O have O +help O help O +maintaining O maintaining O +it O it O +. O . O + +I O I O +do O do O +accept O accept O +pull O pull O +requests O requests O +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/11 O https://github.com/contributte/logging/issues/11 O + +Add O Add O +easy O easy O +way O way O +to O to O +disable O disable O +Sentry B-Application Sentry O +logging O logging O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/11 O https://github.com/contributte/logging/issues/11 O + +I O I O +get O get O +the O the O +point O point O +. O . O + +Is O Is O +n't O n't O +better O better O +to O to O +just O just O +not O not O +register O register O +the O the O +SentryLogger B-Application SentryLogger O +at O at O +all O all O +? O ? O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/8 O https://github.com/google-ar/arcore-unreal-sdk/issues/8 O + +Hi O Hi O +, O , O +yesterday O yesterday O +I O I O +compiled O compiled O +successfully O successfully O +the O the O +" O " O +Hello O Hello O +AR O AR O +UE4 B-Application UE4 O +" O " O +demo O demo O +. O . O + +But O But O +I O I O +get O get O +always O always O +an O an O +error O error O +when O when O +I O I O +try O try O +to O to O +start O start O +the O the O +program O program O +on O on O +my O my O +S7 B-Device S7 O +Edge B-Version Edge O +: O : O +" O " O +ARCore B-Application ARCore O +is O is O +not O not O +supported O supported O +on O on O +this O this O +device O device O +due O due O +to O to O +unknown O unknown O +error O error O +" O " O + +The O The O +S7 B-Device S7 O +is O is O +listed O listed O +as O as O +a O a O +supported O supported O +device O device O +in O in O +the O the O +documentation O documentation O +.. O .. O +. O . O + +Andreas B-User_Name Andreas O + +Repository_Name O Repository_Name O +: O : O +madison-kerndt/off O madison-kerndt/off O +-on-guard-synesthesia O -on-guard-synesthesia O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/madison-kerndt/avant-garde-synesthesia/issues/26 O https://github.com/madison-kerndt/avant-garde-synesthesia/issues/26 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/12 O https://github.com/mfellner/webpack-sandboxed/issues/12 O + + +Coverage O Coverage O +remained O remained O +the O the O +same O same O +at O at O +87.081 O 87.081 O +% O % O +when O when O +pulling O pulling O +4c670e9a64ea5f2a7b5f1e0b92943ce2deebbaeb O 4c670e9a64ea5f2a7b5f1e0b92943ce2deebbaeb O +on O on O +upgrade-dependencies O upgrade-dependencies O +into O into O +6505c73ce95a039e28bdb3bd5580341b25da44d1 O 6505c73ce95a039e28bdb3bd5580341b25da44d1 O +on O on O +master O master O +. O . O + +Repository_Name O Repository_Name O +: O : O +OpenPrograms/MiscPrograms O OpenPrograms/MiscPrograms O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/OpenPrograms/MiscPrograms/issues/18 O https://github.com/OpenPrograms/MiscPrograms/issues/18 O + +My O My O +goal O goal O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/5 O https://github.com/numen31337/AKVideoImageView/issues/5 O + +I O I O +'ve O 've O +implemented O implemented O +the O the O +feature O feature O +. O . O + +Thank O Thank O +you O you O +for O for O +the O the O +request O request O +. O . O + +Repository_Name O Repository_Name O +: O : O +alshore/book_wishlist O alshore/book_wishlist O + +Repository_Link O Repository_Link O +: O : O +https://github.com/alshore/book_wishlist O https://github.com/alshore/book_wishlist O + +Book O Book O +Wishlist O Wishlist O + +With O With O +this O this O +program O program O +a O a O +user O user O +can O can O +manage O manage O +their O their O +book O book O +wishlist O wishlist O +. O . O + +The O The O +user O user O +can O can O +add O add O +various O various O +books O books O +to O to O +the O the O +The O The O +program O program O +saves O saves O +a O a O +list O list O +of O of O +books O books O +in O in O +the O the O +wishlist O wishlist O +as O as O +well O well O +as O as O +a O a O +list O list O +of O of O +books O books O +that O that O +have O have O +been O been O +marked O marked O +as O as O +read O read O +in O in O +a O a O +separate O separate O +data O data O +file O file O +. O . O + +Major O Major O +features O features O + +Add O Add O +a O a O +book O book O +to O to O +a O a O +wishlist O wishlist O + +Remove O Remove O +a O a O +book O book O +from O from O +the O the O +wishlist O wishlist O + +Search O Search O +for O for O +a O a O +book O book O +within O within O +the O the O +wishlist O wishlist O + +Mark O Mark O +books O books O +as O as O +read O read O + +Rate O Rate O +books O books O +that O that O +have O have O +been O been O +read O read O + +Repository_Name O Repository_Name O +: O : O +StarkMike/Lab3 O StarkMike/Lab3 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/StarkMike/Lab3/issues/2 O https://github.com/StarkMike/Lab3/issues/2 O + +added O added O +html B-File_Type html O +file O file O +base O base O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/36 O https://github.com/moxie-lean/ng-patternlab/issues/36 O + +This O This O +has O has O +been O been O +removed O removed O +on O on O +the O the O +develop O develop O +branch O branch O +, O , O +so O so O +should O should O +be O be O +resolved O resolved O +on O on O +the O the O +next O next O +release O release O +to O to O +master O master O +:) O :) O + +Repository_Name O Repository_Name O +: O : O +fiahfy/scroll O fiahfy/scroll O +-top O -top O + +Repository_Link O Repository_Link O +: O : O +https://github.com/fiahfy/scroll-top O https://github.com/fiahfy/scroll-top O + +Scroll O Scroll O +Top O Top O + +Scroll O Scroll O +to O to O +top O top O +on O on O +any O any O +pages O pages O +. O . O + +Version O Version O + +1.0.0 B-Version 1.0.0 O + +Feature O Feature O + +Scroll O Scroll O +to O to O +top O top O +on O on O +any O any O +pages O pages O +, O , O +if O if O +you O you O +want O want O +. O . O + +Install O Install O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_10265 I-Code_Block GR_10265 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Open O Open O +chrome://extensions/ B-File_Name chrome://extensions/ O +. O . O + +Drag O Drag O +& O & O +drop O drop O +app O app B-Code_Block +directory O directory O +. O . O + +Usage O Usage O + +If O If O +Click O Click O +the O the O +browser B-Application browser O +action O action O +button B-User_Interface_Element button O +, O , O +scroll O scroll O +to O to O +top O top O +on O on O +current O current O +page O page O +. O . O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/20 O https://github.com/koding/kd-atom/issues/20 O + + +depends O depends O +on O on O +#19 O #19 O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/249 O https://github.com/katzer/cordova-plugin-background-mode/issues/249 O + +cordova.plugins.backgroundMode.configure B-Library_Function cordova.plugins.backgroundMode.configure O +is O is O +not O not O +documented O documented O +in O in O +the O the O +readme B-File_Name readme O +.. O .. O +. O . O + +Repository_Name O Repository_Name O +: O : O +maemori/accon O maemori/accon O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/maemori/accon/issues/1 O https://github.com/maemori/accon/issues/1 O + +In O In O +the O the O +ubuntu-nginx-circus-postgresql O ubuntu-nginx-circus-postgresql O +page O page O +it O it O +says O says O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_20433 I-Code_Block GR_20433 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +look O look O +in O in O +Dockerfile B-File_Type Dockerfile O +you O you O +will O will O +see O see O +that O that O +there O there O +is O is O +no O no O +Django B-Library Django O +install O install O +step O step O +. O . O + +Can O Can O +you O you O +please O please O +fix O fix O +this O this O +? O ? O + +This O This O +breaks O breaks O +your O your O +Taiga O Taiga O +image B-User_Interface_Element image O +. O . O + +Repository_Name O Repository_Name O +: O : O +jkraemer/redmine_airbrake O jkraemer/redmine_airbrake O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jkraemer/redmine_airbrake/issues/1 O https://github.com/jkraemer/redmine_airbrake/issues/1 O + +good O good O +point O point O +, O , O +I O I O +amended O amended O +the O the O +README B-File_Name README O + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/3 O https://github.com/op-jenkins/op-build/issues/3 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/8 O https://github.com/contributte/logging/issues/8 O + +Hi O Hi O +. O . O + +\Throwable B-Library_Class \Throwable O +interface O interface O +is O is O +not O not O +available O available O +in O in O +PHP B-Language PHP O +5.6 B-Version 5.6 O +, O , O +it O it O +was O was O +introduced O introduced O +in O in O +PHP7 B-Language PHP7 O +. O . O + +Exceptions B-Library_Class Exceptions O +are O are O +tested O tested O +against O against O +https://github.com/contributte/logging/blob/master/src/Sentry/SentryLogger.php#L32 O https://github.com/contributte/logging/blob/master/src/Sentry/SentryLogger.php#L32 O +. O . O + +No O No O +exceptions B-Library_Class exceptions O +will O will O +make O make O +it O it O +through O through O +this O this O +condition O condition O +. O . O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Repository_Link O Repository_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab O https://github.com/moxie-lean/ng-patternlab O + +Lean O Lean O +Patterns O Patterns O + +An O An O +AngularJS B-Library AngularJS O +module O module O +for O for O +Lean O Lean O +patterns O patterns O +. O . O + +Getting O Getting O +Started O Started O + +The O The O +easiest O easiest O +way O way O +to O to O +install O install O +this O this O +package O package O +is O is O +by O by O +using O using O +npm B-Application npm O +from O from O +your O your O +terminal B-Application terminal O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140897 I-Code_Block GR_140897 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Configuration O Configuration O + +The O The O +module O module O +tries O tries O +to O to O +load O load O +a O a O +configuration O configuration O +file O file O +at O at O +config/patterns.json B-File_Name config/patterns.json O +that O that O +you O you O +have O have O +to O to O +create O create O +inside O inside O +your O your O +application O application O +. O . O + +If O If O +that O that O +file O file O +exists O exists O +, O , O +it O it O +will O will O +be O be O +used O used O +to O to O +configure O configure O +the O the O +generation O generation O +of O of O +the O the O +components O components O +and O and O +only O only O +the O the O +components O components O +listed O listed O +at O at O +the O the O +enabledComponents B-Library_Variable enabledComponents O +array B-Data_Structure array O +will O will O +be O be O +generated O generated O +. O . O + +Otherwise O Otherwise O +all O all O +available O available O +components O components O +at O at O +the O the O +module O module O +will O will O +be O be O +generated O generated O +. O . O + +The O The O +config B-File_Name config O +file O file O +must O must O +have O have O +the O the O +following O following O +structure O structure O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140898 I-Code_Block GR_140898 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +generatePatternsPage B-Code_Block generatePatternsPage O += I-Code_Block = O +true I-Code_Block true O +, O , O +the O the O +module O module O +will O will O +generate O generate O +a O a O +template O template O +page O page O +containing O containing O +all O all O +enabled O enabled O +components O components O +with O with O +their O their O +corresponding O corresponding O +examples O examples O +. O . O + +Each O Each O +examples O examples O +object O object O +of O of O +each O each O +enabled O enabled O +component O component O +will O will O +generate O generate O +a O a O +different O different O +example O example O +in O in O +the O the O +patterns O patterns O +page O page O +, O , O +which O which O +corresponds O corresponds O +to O to O +the O the O +component O component O +instantiated O instantiated O +with O with O +the O the O +specified O specified O +name O name O +and O and O +parameters O parameters O +. O . O + +Build O Build O + +To O To O +generate O generate O +the O the O +components O components O +just O just O +add O add O +the O the O +ln-patterns O ln-patterns O +binary O binary O +to O to O +one O one O +of O of O +the O the O +scripts O scripts O +at O at O +your O your O +package.json B-File_Name package.json O +file O file O +. O . O + +Here O Here O +is O is O +an O an O +example O example O +using O using O +postinstall B-Library postinstall O +script O script O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140899 I-Code_Block GR_140899 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +run O run O +it O it O +with O with O +" O " O +npm B-Code_Block npm O +run I-Code_Block run O +" O " O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140900 I-Code_Block GR_140900 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Usage O Usage O + +Then O Then O +you O you O +can O can O +add O add O +the O the O +module O module O +as O as O +a O a O +dependency O dependency O +on O on O +your O your O +AngularJS B-Library AngularJS O +application O application O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140901 I-Code_Block GR_140901 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +use O use O +the O the O +components O components O +as O as O +you O you O +need O need O +inside O inside O +your O your O +templates O templates O +. O . O + +Here O Here O +are O are O +some O some O +examples O examples O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140902 I-Code_Block GR_140902 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +NOTE O NOTE O +: O : O +To O To O +access O access O +the O the O +patterns O patterns O +page O page O +you O you O +must O must O +setup O setup O +two O two O +AngularJS B-Library_Class AngularJS O +routes I-Library_Class routes O +to O to O +the O the O +following O following O +template O template O +keys O keys O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140903 I-Code_Block GR_140903 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Those O Those O +keys O keys O +are O are O +automatically O automatically O +bound O bound O +to O to O +the O the O +gererated O gererated O +html B-Language html O +on O on O +the O the O +AngularJS B-Library AngularJS O +$ B-Library_Variable $ O +templateCache I-Library_Variable templateCache O +. O . O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/127 O https://github.com/svenstaro/flamejam/issues/127 O + +I O I O +started O started O +a O a O +team O team O +( O ( O +default-ly O default-ly O +named O named O +josefnpat O josefnpat O +'s O 's O +team O team O +) O ) O +and O and O +it O it O +is O is O +showing O showing O +one O one O +of O of O +my O my O +members O members O +as O as O +the O the O +founder O founder O +: O : O + +http://bacongamejam.org/jams/bacongamejam-07/team/825/ O http://bacongamejam.org/jams/bacongamejam-07/team/825/ O + +Here O Here O +'s O 's O +the O the O +order O order O +of O of O +events O events O +from O from O +my O my O +recollection O recollection O +: O : O + +I O I O +invite O invite O +blarget B-User_Name blarget O + +I O I O +invite O invite O +wes B-User_Name wes O + +I O I O +accept O accept O +wes B-User_Name wes O + +I O I O +invite O invite O +danger B-User_Name danger O + +I O I O +accept O accept O +danger B-User_Name danger O + +I O I O +accept O accept O +wes B-User_Name wes O + +I O I O +notice O notice O +that O that O +wes O wes O +is O is O +at O at O +the O the O +top O top O +of O of O +the O the O +list O list O +on O on O +my O my O +settings O settings O +page O page O +. O . O + +I O I O +suspect O suspect O +it O it O +has O has O +to O to O +do O do O +with O with O +this O this O +order O order O +: O : O + +Wes O Wes O +is O is O +the O the O +first O first O +person O person O +on O on O +the O the O +top O top O +of O of O +the O the O +list O list O +, O , O +and O and O +he O he O +is O is O +listed O listed O +as O as O +the O the O +founder O founder O +. O . O + +Not O Not O +sure O sure O +if O if O +it O it O +'s O 's O +related O related O +, O , O +but O but O +I O I O +thought O thought O +I O I O +'d O 'd O +give O give O +you O you O +as O as O +much O much O +info O info O +as O as O +possible O possible O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/16 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/16 O + +Remove O Remove O +this O this O +since O since O +those O those O +section O section O +were O were O +namespaced O namespaced O +and O and O +had O had O +dubious O dubious O +examples O examples O +. O . O + +Fixes O Fixes O +#7 O #7 O +and O and O +#15 O #15 O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/91 O https://github.com/svenstaro/flamejam/issues/91 O + +You O You O +are O are O +right O right O +. O . O + +I O I O +added O added O +it O it O +because O because O +make B-Code_Block make B-Code_Block +setup I-Code_Block setup I-Code_Block +halts O halts O +OOTB O OOTB O +if O if O +mysql_config B-File_Name mysql_config O +is O is O +missing O missing O +. O . O + +Repository_Name O Repository_Name O +: O : O +tangentmonger/twitterknitter O tangentmonger/twitterknitter O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/tangentmonger/twitterknitter/issues/1 O https://github.com/tangentmonger/twitterknitter/issues/1 O + +Arduino B-Device Arduino O +Mega I-Device Mega O +buffer O buffer O +is O is O +128 O 128 O +bytes O bytes O +, O , O +so O so O +patterns O patterns O +>42 O >42 O +rows O rows O +are O are O +likely O likely O +to O to O +be O be O +corrupted O corrupted O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/17 O https://github.com/mapbox/tile-count/issues/17 O + +The O The O +crash O crash O +is O is O +in O in O +kll::cdf() B-Library_Function kll::cdf() O +, O , O +generating O generating O +the O the O +cumulative O cumulative O +distribution O distribution O +for O for O +( O ( O +in O in O +this O this O +case O case O +) O ) O +zoom O zoom O +level O level O +12 O 12 O +. O . O + +Repository_Name O Repository_Name O +: O : O +smirarab/pasta O smirarab/pasta O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/smirarab/pasta/issues/33 O https://github.com/smirarab/pasta/issues/33 O + +The O The O +Dockerfile B-Application Dockerfile O +uses O uses O +an O an O +old O old O +commit O commit O +of O of O +sate-tools-linux O sate-tools-linux O +( O ( O +see O see O +https://github.com/smirarab/pasta/issues/30 O https://github.com/smirarab/pasta/issues/30 O +) O ) O +. O . O + +I O I O +tested O tested O +it O it O +with O with O +a O a O +small O small O +dataset O dataset O +with O with O +default O default O +settings O settings O +, O , O +and O and O +it O it O +successfully O successfully O +ran O ran O +to O to O +completion O completion O + +Repository_Name O Repository_Name O +: O : O +dhrrgn/codeigniter O dhrrgn/codeigniter O +-uhoh O -uhoh O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/dhrrgn/codeigniter-uhoh/issues/3 O https://github.com/dhrrgn/codeigniter-uhoh/issues/3 O + +I O I O +solved O solved O +the O the O +error O error O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_23269 I-Code_Block GR_23269 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +it O it O +seems O seems O +that O that O +because O because O +the O the O +call O call O +is O is O +being O being O +made O made O +in O in O +application/core/MY_Exceptions.php B-File_Name application/core/MY_Exceptions.php B-Code_Block +, O , O +it O it O +ca O ca O +n't O n't O +find O find O +error_php_custom.php B-File_Name error_php_custom.php B-Code_Block +because O because O +it O it O +is O is O +looking O looking O +locally O locally O +for O for O +it O it O +. O . O + +I O I O +solved O solved O +this O this O +by O by O +replacing O replacing O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_23270 I-Code_Block GR_23270 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +with O with O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_23271 I-Code_Block GR_23271 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +which O which O +gives O gives O +the O the O +absolute O absolute O +path O path O +from O from O +/ B-File_Name / B-Code_Block +. O . O + +Repository_Name O Repository_Name O +: O : O +jkraemer/redmine_airbrake O jkraemer/redmine_airbrake O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jkraemer/redmine_airbrake/issues/2 O https://github.com/jkraemer/redmine_airbrake/issues/2 O + +Hi O Hi O +:) O :) O + +I O I O +think O think O +the O the O +proper O proper O +solution O solution O +would O would O +be O be O +to O to O +handle O handle O +this O this O +case O case O +and O and O +grab O grab O +the O the O +serialized O serialized O +data O data O +( O ( O +aka O aka O +project O project O +key O key O +) O ) O +from O from O +the O the O +Authorization O Authorization O +header O header O +if O if O +no O no O +key B-Variable_Name key O +param O param O +is O is O +present O present O +. O . O + +I O I O +'m O 'm O +not O not O +sure O sure O +about O about O +potential O potential O +length O length O +limits O limits O +in O in O +http O http O +headers O headers O +but O but O +if O if O +we O we O +'re O 're O +lucky O lucky O +we O we O +can O can O +continue O continue O +abusing O abusing O +this O this O +value O value O +as O as O +we O we O +did O did O +before O before O +. O . O + +I O I O +can O can O +have O have O +a O a O +look O look O +at O at O +that O that O +but O but O +almost O almost O +certainly O certainly O +not O not O +before O before O +Christmas O Christmas O +.. O .. O +. O . O + +Cheers O Cheers O +! O ! O + +Repository_Name O Repository_Name O +: O : O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-Website O -Website O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/HackClub-SLHS/HackClub-Website/issues/3 O https://github.com/HackClub-SLHS/HackClub-Website/issues/3 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +citi-onboarding/mandacaruBack O citi-onboarding/mandacaruBack O + +Repository_Link O Repository_Link O +: O : O +https://github.com/citi-onboarding/mandacaruBack O https://github.com/citi-onboarding/mandacaruBack O + +" O " O +# O # O +mandacaruBack O mandacaruBack O +" O " O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/12 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/12 O + +Adding O Adding O +the O the O +missing O missing O +cn-china-1 B-Code_Block cn-china-1 B-Code_Block +region O region O +http://docs.aws.amazon.com/general/latest/gr/isolated_regions.html O http://docs.aws.amazon.com/general/latest/gr/isolated_regions.html O +fixes O fixes O +: O : O +#11 O #11 O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/57 O https://github.com/mapbox/tile-count/issues/57 O + +This O This O +is O is O +a O a O +bug O bug O +in O in O +the O the O +Mapbox B-Application Mapbox O +mbtiles B-File_Type mbtiles O +unpacker O unpacker O +( O ( O +which O which O +renames O renames O +the O the O +layer O layer O +inconsistently O inconsistently O +, O , O +losing O losing O +the O the O +attribute O attribute O +type O type O +declarations O declarations O +) O ) O +and O and O +there O there O +is O is O +a O a O +fix O fix O +planned O planned O +on O on O +that O that O +side O side O +. O . O + +( O ( O +Sorry O Sorry O +, O , O +ca O ca O +n't O n't O +link O link O +to O to O +the O the O +issue O issue O +because O because O +it O it O +'s O 's O +in O in O +a O a O +private O private O +repo O repo O +. O . O +) O ) O + +Repository_Name O Repository_Name O +: O : O +bquarks/penguin O bquarks/penguin O +-lite O -lite O + +Repository_Link O Repository_Link O +: O : O +https://github.com/bquarks/penguin-lite O https://github.com/bquarks/penguin-lite O + +Penguin-lite B-Library Penguin-lite O + +Penguin-lite B-Library Penguin-lite O +is O is O +a O a O +just-css B-Language just-css O +version O version O +of O of O +penguin B-Library penguin O +, O , O +without O without O +any O any O +component O component O +scripting O scripting O +, O , O +useful O useful O +for O for O +app O app O +scaffolding O scaffolding O +. O . O + +Visit O Visit O +penguin B-Library penguin O +site O site O +or O or O +GitHub B-Website GitHub O +for O for O +documentation O documentation O +. O . O + +Note O Note O +: O : O +This O This O +is O is O +a O a O +Meteor B-Application Meteor O +package O package O +, O , O +in O in O +the O the O +future O future O +we O we O +may O may O +consider O consider O +publishing O publishing O +penguin-lite B-Library penguin-lite O +as O as O +bower B-Application bower O +package O package O +. O . O + +Repository_Name O Repository_Name O +: O : O +JonathanPannell/ProgrammeTest_01_01 O JonathanPannell/ProgrammeTest_01_01 O + +Repository_Link O Repository_Link O +: O : O +https://github.com/JonathanPannell/ProgrammeTest_01_01 O https://github.com/JonathanPannell/ProgrammeTest_01_01 O + +ProgrammeTest_01_01 O ProgrammeTest_01_01 O + +This O This O +is O is O +a O a O +first O first O +test O test O +for O for O +JPannell B-User_Name JPannell O +on O on O +this O this O +account O account O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/7 O https://github.com/thehyve/puppet-i2b2/issues/7 O + +Got O Got O +Error O Error O +when O when O +running O running O +system O system O +test O test O +: O : O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/22 O https://github.com/rgeo/rgeo-activerecord/issues/22 O + +Closing O Closing O +, O , O +as O as O +this O this O +method O method O +was O was O +removed O removed O +in O in O +version O version O +3.0 B-Version 3.0 O +. O . O + +Repository_Name O Repository_Name O +: O : O +harshnarang8/AcaConnectFour O harshnarang8/AcaConnectFour O + +Repository_Link O Repository_Link O +: O : O +https://github.com/harshnarang8/AcaConnectFour O https://github.com/harshnarang8/AcaConnectFour O + +AcaConnectFour O AcaConnectFour O + +Repository_Name O Repository_Name O +: O : O +tangentmonger/twitterknitter O tangentmonger/twitterknitter O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/tangentmonger/twitterknitter/issues/1 O https://github.com/tangentmonger/twitterknitter/issues/1 O + +Fixed O Fixed O +on O on O +branch O branch O +changeprotocol O changeprotocol O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/39 O https://github.com/resin-io-modules/resin-image-fs/issues/39 O + +I O I O +was O was O +puzzled O puzzled O +by O by O +this O this O +, O , O +but O but O +did O did O +a O a O +bit O bit O +of O of O +digging O digging O +around O around O +and O and O +eventually O eventually O +found O found O +https://github.com/natevw/fatfs/issues/27 O https://github.com/natevw/fatfs/issues/27 O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/7 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/7 O + +Merged O Merged O +sucessfully O sucessfully O +into O into O +master O master O +! O ! O + +Repository_Name O Repository_Name O +: O : O +citi-onboarding/mandacaruBack O citi-onboarding/mandacaruBack O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/citi-onboarding/mandacaruBack/issues/2 O https://github.com/citi-onboarding/mandacaruBack/issues/2 O + +Ajeitar O Ajeitar O +endereço O endereço O +de O de O +e-mail O e-mail O +para O para O +envio O envio O +na O na O +sessão O sessão O +contato O contato O +. O . O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/85 O https://github.com/svenstaro/flamejam/issues/85 O + +The O The O +application O application O +is O is O +completely O completely O +untested O untested O +currently O currently O +. O . O + +Test O Test O +it O it O +. O . O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/13 O https://github.com/SivanMehta/wander/issues/13 O + +As O As O +an O an O +extension O extension O +of O of O +#12 O #12 O +, O , O +we O we O +just O just O +deleted O deleted O +the O the O +build.js.map B-Library_Class build.js.map B-Code_Block +in O in O +preparation O preparation O +for O for O +deployment O deployment O +. O . O + +Now O Now O +, O , O +we O we O +can O can O +just O just O +not O not O +even O even O +build O build O +it O it O +and O and O +be O be O +able O able O +to O to O +deploy O deploy O +the O the O +app O app O +much O much O +more O more O +quickly O quickly O +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/7 O https://github.com/contributte/logging/issues/7 O + +Cool O Cool O +, O , O +have O have O +fun O fun O +. O . O + +;-) O ;-) O +Feel O Feel O +free O free O +to O to O +send O send O +PR O PR O +or O or O +open O open O +an O an O +issue O issue O +. O . O + +Repository_Name O Repository_Name O +: O : O +citi-onboarding/mandacaruBack O citi-onboarding/mandacaruBack O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/citi-onboarding/mandacaruBack/issues/2 O https://github.com/citi-onboarding/mandacaruBack/issues/2 O + +feito O feito O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/1 O https://github.com/spacetelescope/specview/issues/1 O + +Glue B-Application Glue O +allows O allows O +you O you O +define O define O +additional O additional O +�columns� B-Data_Structure �columns� O +for O for O +a O a O +data O data O +set O set O +that O that O +can O can O +hold O hold O +the O the O +output O output O +of O of O +a O a O +calculation O calculation O +and O and O +keep O keep O +it O it O +attached O attached O +to O to O +one O one O +of O of O +the O the O +original O original O +data O data O +sets O sets O +. O . O + +This O This O +is O is O +pretty O pretty O +handy O handy O +. O . O + +x[�result�] B-Variable_Name x[�result�] O += O = O +x[�observed�] B-Variable_Name x[�observed�] O +- O - O +model B-Variable_Name model O +# O # O +for O for O +example O example O +, O , O +if O if O +x O x O +is O is O +a O a O +astropy B-Data_Structure astropy O +table I-Data_Structure table O +( O ( O +or O or O +recarray B-Data_Structure recarray O +? O ? O + +Not O Not O +sure� O sure� O +) O ) O +. O . O + +Regarding O Regarding O +operations O operations O +( O ( O +from O from O +splot B-Library splot O +manual O manual O +) O ) O +: O : O +Arithmetic O Arithmetic O ++ O + O +, O , O +-,/,* O -,/,* O +Exponentiation O Exponentiation O +, O , O +log O log O +( O ( O +base O base O +e O e O +and O and O +w0 O w0 O +) O ) O +Square O Square O +( O ( O +for O for O +convenience0 O convenience0 O +Absolute O Absolute O +value O value O + +-Harry B-User_Name -Harry O + +Henry B-User_Name Henry O +C I-User_Name C O +. I-User_Name . O +Ferguson I-User_Name Ferguson O +Space B-Organization Space O +Telescope I-Organization Telescope O +Science I-Organization Science O +Institute I-Organization Institute O +email O email O +: O : O +ferguson@stsci.edu O ferguson@stsci.edu O +phone O phone O +: O : O +( O ( O +410 O 410 O +) O ) O +338-5098 O 338-5098 O +fax O fax O +: O : O +( O ( O +410 O 410 O +) O ) O +338-4976 O 338-4976 O + +On O On O +Feb O Feb O +17 O 17 O +, O , O +2015 O 2015 O +, O , O +at O at O +3:37 O 3:37 O +PM O PM O +, O , O +perrygreenfield O perrygreenfield O +notifications@github.com O notifications@github.com O +wrote O wrote O +: O : O + +I O I O +'m O 'm O +proposing O proposing O +a O a O +simple O simple O +editing O editing O +interface O interface O +to O to O +take O take O +place O place O +on O on O +the O the O +spectral O spectral O +object O object O +pane O pane O +in O in O +the O the O +viewer B-User_Interface_Element viewer O +window I-User_Interface_Element window O +. O . O + +This O This O +presumes O presumes O +that O that O +all O all O +existing O existing O +objects O objects O +have O have O +a O a O +unique O unique O +name O name O +that O that O +can O can O +be O be O +used O used O +in O in O +an O an O +expression O expression O +( O ( O +and O and O +even O even O +if O if O +some O some O +of O of O +these O these O +objects O objects O +are O are O +subsequently O subsequently O +deleted O deleted O +from O from O +the O the O +viewer B-User_Interface_Element viewer O +pane I-User_Interface_Element pane O +, O , O +any O any O +expressions O expressions O +that O that O +use O use O +them O them O +imply O imply O +that O that O +these O these O +objects O objects O +still O still O +are O are O +available O available O +for O for O +reference O reference O +( O ( O +i.e O i.e O +. O . O +, O , O +they O they O +are O are O +n't O n't O +garbage O garbage O +collected O collected O +) O ) O +[ O [ O +that O that O +makes O makes O +me O me O +wonder O wonder O +if O if O +there O there O +should O should O +n't O n't O +be O be O +an O an O +optional O optional O +dialog O dialog O +for O for O +available O available O +objects O objects O +for O for O +selection O selection O +to O to O +put O put O +in O in O +the O the O +viewer B-User_Interface_Element viewer O +] O ] O +. O . O + +So O So O +I O I O +envision O envision O +that O that O +the O the O +viewer B-User_Interface_Element viewer O +pane I-User_Interface_Element pane O +has O has O +a O a O +right O right O +button B-User_Interface_Element button O +drop I-User_Interface_Element drop O +down I-User_Interface_Element down O +that O that O +has O has O +a O a O +" O " O +add O add O +expression O expression O +" O " O +option O option O +. O . O + +Once O Once O +chosen O chosen O +, O , O +an O an O +editing O editing O +mode O mode O +begins O begins O +( O ( O +could O could O +be O be O +a O a O +dialog O dialog O +, O , O +or O or O +just O just O +editing O editing O +a O a O +line O line O +in O in O +the O the O +pane B-User_Interface_Element pane O +it O it O +self--I O self--I O +' O ' O +d O d O +argue O argue O +whatever O whatever O +is O is O +easiest O easiest O +to O to O +implement O implement O +now O now O +) O ) O +. O . O + +Normally O Normally O +I O I O +'d O 'd O +say O say O +we O we O +allow O allow O +a O a O +free O free O +form O form O +editing O editing O +, O , O +and O and O +if O if O +object O object O +are O are O +referred O referred O +to O to O +that O that O +do O do O +n't O n't O +exist O exist O +, O , O +or O or O +the O the O +syntax O syntax O +of O of O +the O the O +expression O expression O +is O is O +invalid O invalid O +, O , O +or O or O +uses O uses O +functional O functional O +forms O forms O +not O not O +available O available O +or O or O +not O not O +found O found O +, O , O +an O an O +error O error O +is O is O +raised O raised O +. O . O + +Preferably O Preferably O +the O the O +expression B-User_Interface_Element expression O +text I-User_Interface_Element text O +is O is O +still O still O +available O available O +for O for O +further O further O +editing O editing O +( O ( O +do O do O +n't O n't O +force O force O +the O the O +user O user O +to O to O +re-enter O re-enter O +it O it O +all O all O +over O over O +again O again O +) O ) O +so O so O +they O they O +can O can O +attempt O attempt O +to O to O +correct O correct O +it O it O +. O . O + +Perhaps O Perhaps O +more O more O +functionality O functionality O +can O can O +be O be O +added O added O +to O to O +allow O allow O +someone O someone O +to O to O +choose O choose O +an O an O +object O object O +from O from O +existing O existing O +objects O objects O +to O to O +include O include O +in O in O +the O the O +expression O expression O +, O , O +but O but O +simplicity O simplicity O +, O , O +I O I O +would O would O +say O say O +just O just O +the O the O +string B-Data_Type string O +name O name O +for O for O +the O the O +object O object O +to O to O +make O make O +it O it O +simpler O simpler O +in O in O +the O the O +initial O initial O +implementation O implementation O +. O . O + +One O One O +question O question O +is O is O +does O does O +the O the O +new O new O +expression O expression O +itself O itself O +get O get O +a O a O +name O name O +that O that O +can O can O +be O be O +referred O referred O +to O to O +. O . O + +It O It O +would O would O +be O be O +nice O nice O +so O so O +it O it O +can O can O +also O also O +be O be O +referred O referred O +to O to O +. O . O + +By O By O +default O default O +perhaps O perhaps O +expr1 B-Variable_Name expr1 O +, O , O +expr2 B-Variable_Name expr2 O +, O , O +etc O etc O +. O . O + +But O But O +if O if O +the O the O +expression O expression O +is O is O +an O an O +assignment O assignment O +, O , O +then O then O +the O the O +identifier O identifier O +on O on O +the O the O +left O left O +becomes O becomes O +the O the O +name O name O +of O of O +the O the O +object O object O +created O created O +, O , O +e.g O e.g O +. O . O +, O , O + +scaled_spectrum B-Variable_Name scaled_spectrum O += O = O +1.34 O 1.34 O +* O * O +myobs B-Variable_Name myobs O + +Permitted O Permitted O +operations O operations O +and O and O +functions O functions O + ++ O + O +, O , O +-,/,* O -,/,* O +( O ( O +** O ** O +only O only O +seems O seems O +to O to O +make O make O +sense O sense O +for O for O +scalars B-Data_Structure scalars O +, O , O +but O but O +maybe O maybe O +there O there O +is O is O +a O a O +use O use O +case O case O +for O for O +that O that O +) O ) O +z(spectrum, B-Function_Name z(spectrum, O +redshift) B-Library_Variable redshift) O + +Implementation O Implementation O +question O question O +. O . O + +Use O Use O +of O of O +eval O eval O +is O is O +the O the O +simplest O simplest O +solution O solution O +( O ( O +perhaps O perhaps O +the O the O +initial O initial O +one O one O +) O ) O +, O , O +but O but O +it O it O +does O does O +n't O n't O +provide O provide O +restricted O restricted O +usage O usage O +features O features O +( O ( O +The O The O +user O user O +can O can O +use O use O +any O any O +function O function O +they O they O +want O want O +; O ; O +maybe O maybe O +that O that O +'s O 's O +good O good O +) O ) O +. O . O + +I O I O +suspect O suspect O +there O there O +'s O 's O +a O a O +tool O tool O +out O out O +there O there O +that O that O +can O can O +do O do O +that O that O +sort O sort O +of O of O +thing O thing O +for O for O +us O us O +, O , O +but O but O +again O again O +, O , O +the O the O +simplest O simplest O +initial O initial O +case O case O +is O is O +eval O eval O +. O . O + +Use O Use O +of O of O +Quantities O Quantities O +. O . O + +I O I O +think O think O +that O that O +is O is O +implicitly O implicitly O +permitted O permitted O +but O but O +may O may O +need O need O +a O a O +little O little O +thought O thought O +. O . O + +� O � O +Reply O Reply O +to O to O +this O this O +email O email O +directly O directly O +or O or O +view O view O +it O it O +on O on O +GitHub B-Website GitHub O +. O . O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Repository_Link O Repository_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord O https://github.com/rgeo/rgeo-activerecord O + +RGeo::ActiveRecord O RGeo::ActiveRecord O + +RGeo::ActiveRecord B-Library RGeo::ActiveRecord O +is O is O +an O an O +optional O optional O +RGeo B-Library RGeo O +module O module O +providing O providing O +spatial O spatial O +extensions O extensions O +for O for O +ActiveRecord B-Library ActiveRecord O +, O , O +as O as O +well O well O +as O as O +a O a O +set O set O +of O of O +helpers O helpers O +for O for O +writing O writing O +spatial O spatial O +ActiveRecord B-Library ActiveRecord O +adapters O adapters O +based O based O +on O on O +RGeo B-Library RGeo O +. O . O + +Summary O Summary O + +RGeo B-Library RGeo O +is O is O +a O a O +key O key O +component O component O +for O for O +writing O writing O +location-aware O location-aware O +applications O applications O +in O in O +the O the O +Ruby B-Language Ruby O +programming O programming O +language O language O +. O . O + +At O At O +its O its O +core O core O +is O is O +an O an O +implementation O implementation O +of O of O +the O the O +industry O industry O +standard O standard O +OGC O OGC O +Simple O Simple O +Features O Features O +Specification O Specification O +, O , O +which O which O +provides O provides O +data O data O +representations O representations O +of O of O +geometric O geometric O +objects O objects O +such O such O +as O as O +points O points O +, O , O +lines O lines O +, O , O +and O and O +polygons O polygons O +, O , O +along O along O +with O with O +a O a O +set O set O +of O of O +geometric O geometric O +analysis O analysis O +operations O operations O +. O . O + +See O See O +the O the O +README B-File_Name README O +for O for O +the O the O +" O " O +rgeo O rgeo O +" O " O +gem O gem O +for O for O +more O more O +information O information O +. O . O + +RGeo::ActiveRecord B-Library RGeo::ActiveRecord O +is O is O +an O an O +optional O optional O +RGeo B-Library RGeo O +add-on O add-on O +module O module O +providing O providing O +spatial O spatial O +extensions O extensions O +for O for O +ActiveRecord B-Library ActiveRecord O +, O , O +as O as O +well O well O +as O as O +a O a O +set O set O +of O of O +helpers O helpers O +for O for O +writing O writing O +spatial O spatial O +ActiveRecord B-Library ActiveRecord O +adapters O adapters O +based O based O +on O on O +RGeo B-Library RGeo O +. O . O + +Installation O Installation O + +Gemfile B-File_Name Gemfile O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_133633 I-Code_Block GR_133633 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Version O Version O +6.0 B-Version 6.0 B-Code_Block +supports O supports O +ActiveRecord B-Library ActiveRecord O +5.0 B-Version 5.0 O +, O , O +5.1 B-Version 5.1 O +, O , O +and O and O +5.2 B-Version 5.2 O +with O with O +rgeo B-Library rgeo B-Code_Block +1.0 B-Version 1.0 O +. O . O + +Version O Version O +5.0 B-Version 5.0 B-Code_Block +supports O supports O +ActiveRecord B-Library ActiveRecord O +5.0 B-Version 5.0 O +and O and O +5.1 B-Version 5.1 O +, O , O +with O with O +rgeo B-Library rgeo B-Code_Block +0.6 B-Version 0.6 O +. O . O + +Version O Version O +4.0 B-Version 4.0 B-Code_Block +supports O supports O +ActiveRecord B-Library ActiveRecord O +4.2 B-Version 4.2 O +. O . O + +Version O Version O +1.1.0 B-Version 1.1.0 B-Code_Block +supports O supports O +ActiveRecord B-Library ActiveRecord O +4.0 B-Version 4.0 O +and O and O +4.1 B-Version 4.1 O + +Version O Version O +0.6.0 B-Version 0.6.0 B-Code_Block +supports O supports O +earlier O earlier O +versions O versions O +of O of O +ruby B-Language ruby O +and O and O +ActiveRecord B-Library ActiveRecord O +: O : O + +Ruby B-Language Ruby O +1.8.7 B-Version 1.8.7 O +or O or O +later O later O + +ActiveRecord B-Library ActiveRecord O +3.0.3 B-Version 3.0.3 O +- O - O +3.2.x B-Version 3.2.x O + +rgeo B-Library rgeo O +0.3.20 B-Version 0.3.20 O +or O or O +later O later O + +arel B-Library arel O +2.0.6 B-Version 2.0.6 O +or O or O +later O later O + +Spatial O Spatial O +Factories O Factories O +for O for O +Columns B-Data_Structure Columns O + +rgeo_factory_generator B-Library_Function rgeo_factory_generator B-Code_Block +and O and O +related O related O +methods O methods O +were O were O +removed O removed O +in O in O +version O version O +4.0 B-Version 4.0 O +, O , O +since O since O +column O column O +types O types O +are O are O +no O no O +longer O longer O +tied O tied O +to O to O +their O their O +database O database O +column B-Data_Structure column O +in O in O +ActiveRecord B-Library ActiveRecord O +4.2 B-Version 4.2 O +. O . O + +Register O Register O +spatial O spatial O +factories O factories O +in O in O +the O the O +SpatialFactoryStore B-Library_Class SpatialFactoryStore B-Code_Block +singleton O singleton O +class O class O +. O . O + +Each O Each O +spatial O spatial O +type O type O +in O in O +your O your O +ActiveRecord B-Library ActiveRecord O +models O models O +will O will O +use O use O +the O the O +SpatialFactoryStore B-Library_Class SpatialFactoryStore B-Code_Block +to O to O +retrieve O retrieve O +a O a O +factory O factory O +matching O matching O +the O the O +properties O properties O +of O of O +its O its O +type O type O +. O . O + +For O For O +example O example O +, O , O +you O you O +can O can O +set O set O +a O a O +different O different O +spatial O spatial O +factory O factory O +for O for O +point O point O +types O types O +, O , O +or O or O +for O for O +types O types O +matching O matching O +a O a O +specific O specific O +SRID O SRID O +, O , O +or O or O +having O having O +a O a O +Z O Z O +coordinate O coordinate O +, O , O +or O or O +any O any O +combination O combination O +of O of O +attributes O attributes O +. O . O + +The O The O +supported O supported O +keys O keys O +when O when O +registering O registering O +a O a O +spatial O spatial O +type O type O +are O are O +listed O listed O +here O here O +with O with O +their O their O +default O default O +values O values O +and O and O +other O other O +allowed O allowed O +values O values O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_133634 I-Code_Block GR_133634 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +default O default O +factories O factories O +are O are O +RGeo::Geographic.spherical_factory B-Library_Class RGeo::Geographic.spherical_factory B-Code_Block +for O for O +geographic O geographic O +types O types O +, O , O +and O and O +RGeo::Cartesian.preferred_factory B-Library_Class RGeo::Cartesian.preferred_factory B-Code_Block +for O for O +geometric O geometric O +types O types O +. O . O + +Here O Here O +is O is O +an O an O +example O example O +setup O setup O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_133635 I-Code_Block GR_133635 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +RGeo B-Library RGeo O +Dependency O Dependency O + +See O See O +the O the O +README B-File_Name README O +for O for O +the O the O +rgeo B-Library rgeo O +gem O gem O +, O , O +a O a O +dependency O dependency O +, O , O +for O for O +further O further O +installation O installation O +information O information O +. O . O + +Development O Development O +and O and O +support O support O + +This O This O +README B-File_Name README O +is O is O +the O the O +official O official O +documentation O documentation O +. O . O + +RDoc O RDoc O +documentation O documentation O +is O is O +available O available O +at O at O +http://rdoc.info/gems/rgeo-activerecord O http://rdoc.info/gems/rgeo-activerecord O + +Source O Source O +code O code O +is O is O +hosted O hosted O +on O on O +Github B-Website Github O +at O at O +http://github.com/rgeo/rgeo-activerecord O http://github.com/rgeo/rgeo-activerecord O + +Contributions O Contributions O +are O are O +welcome O welcome O +. O . O + +Fork O Fork O +the O the O +project O project O +on O on O +Github B-Website Github O +. O . O + +Report O Report O +bugs O bugs O +on O on O +Github B-Website Github O +issues O issues O +at O at O +http://github.com/rgeo/rgeo-activerecord/issues O http://github.com/rgeo/rgeo-activerecord/issues O + +Support O Support O +available O available O +on O on O +the O the O +rgeo-users O rgeo-users O +google O google O +group O group O +at O at O +http://groups.google.com/group/rgeo-users O http://groups.google.com/group/rgeo-users O + +Acknowledgments O Acknowledgments O + +Daniel B-User_Name Daniel O +Azuma I-User_Name Azuma O +created O created O +RGeo B-Library RGeo O +. O . O + +Tee B-User_Name Tee O +Parham I-User_Name Parham O +is O is O +the O the O +current O current O +maintainer O maintainer O +. O . O + +Development O Development O +is O is O +supported O supported O +by O by O +: O : O + +Pirq B-Application Pirq O + +Neighborland B-Application Neighborland O + +License O License O + +Copyright B-Licence Copyright O +2015 I-Licence 2015 O +Daniel I-Licence Daniel O +Azuma I-Licence Azuma O +, I-Licence , O +Tee I-Licence Tee O +Parham I-Licence Parham O + +https://github.com/rgeo/rgeo-activerecord/blob/master/LICENSE.txt O https://github.com/rgeo/rgeo-activerecord/blob/master/LICENSE.txt O + +Repository_Name O Repository_Name O +: O : O +brandonscott/nabu O brandonscott/nabu O +-ios O -ios O + +Repository_Link O Repository_Link O +: O : O +https://github.com/brandonscott/nabu-ios O https://github.com/brandonscott/nabu-ios O + +Razer B-Device Razer O +Nabu I-Device Nabu O +Tutorials O Tutorials O +for O for O +iOS B-Operating_System iOS O + +This O This O +project O project O +is O is O +a O a O +comprehensive O comprehensive O +suite O suite O +of O of O +code O code O +samples O samples O +that O that O +show O show O +how O how O +to O to O +use O use O +the O the O +Razer B-Application Razer O +Nabu I-Application Nabu O +SDK I-Application SDK O +in O in O +iOS B-Operating_System iOS O +. O . O + +The O The O +SDK B-Application SDK O +download O download O +links O links O +and O and O +accompanying O accompanying O +tools/utilities O tools/utilities O +can O can O +be O be O +found O found O +at O at O +the O the O +Nabu B-Website Nabu O +Developer I-Website Developer O +Portal I-Website Portal O +. O . O + +# O # O +#License O #License O +Razer B-Device Razer O +is O is O +a O a O +trademark O trademark O +and/or O and/or O +a O a O +registered O registered O +trademark O trademark O +of O of O +Razer B-Organization Razer O +USA I-Organization USA O +Ltd I-Organization Ltd O +. I-Organization . O +All O All O +other O other O +trademarks O trademarks O +are O are O +property O property O +of O of O +their O their O +respective O respective O +owners O owners O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/45 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/45 O + +LGTM O LGTM O + +Repository_Name O Repository_Name O +: O : O +cjcliffe/CubicSDR O cjcliffe/CubicSDR O +-flatpak O -flatpak O + +Repository_Link O Repository_Link O +: O : O +https://github.com/cjcliffe/CubicSDR-flatpak O https://github.com/cjcliffe/CubicSDR-flatpak O + +CubicSDR B-Application CubicSDR O +flatpak I-Application flatpak O +build O build O + +Install O Install O +flatpak B-Application flatpak B-Code_Block +and O and O +flatpak-builder B-Application flatpak-builder B-Code_Block +using O using O +instructions O instructions O +from O from O +http://flatpak.org/getting.html O http://flatpak.org/getting.html O + +Install O Install O +Gnome B-Application Gnome O +Runtime O Runtime O +and O and O +Sdk B-Application Sdk O +, O , O +if O if O +' O ' O +install O install O +' O ' O +steps O steps O +fail O fail O +just O just O +run O run O +again O again O +to O to O +retry/resume O retry/resume O +until O until O +they O they O +pass O pass O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_171080 I-Code_Block GR_171080 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Commands O Commands O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_171081 I-Code_Block GR_171081 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Installing O Installing O +the O the O +resulting O resulting O +.flatpak B-File_Type .flatpak O +file O file O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_171082 I-Code_Block GR_171082 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Running O Running O +the O the O +installed O installed O +app O app O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_171083 I-Code_Block GR_171083 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Un-installing O Un-installing O +: O : O +( O ( O +or O or O +before O before O +re-install O re-install O +) O ) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_171084 I-Code_Block GR_171084 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Thanks O Thanks O +to O to O +@digver B-User_Name @digver O +for O for O +the O the O +intial O intial O +flatpak B-Application flatpak O +work O work O +. O . O + +Repository_Name O Repository_Name O +: O : O +jamstooks/django O jamstooks/django O +-acme-challenge O -acme-challenge O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jamstooks/django-acme-challenge/issues/2 O https://github.com/jamstooks/django-acme-challenge/issues/2 O + +Hi O Hi O +man O man O +, O , O +thanks O thanks O +for O for O +your O your O +useful O useful O +package O package O +. O . O + +Could O Could O +you O you O +submit O submit O +django-acme-challenge B-Library django-acme-challenge O +to O to O +PyPi B-Library PyPi O +? O ? O + +This O This O +way O way O +we O we O +could O could O +automate O automate O +our O our O +python B-Language python O +requirements O requirements O +with O with O +" O " O +pip B-Code_Block pip O +freeze I-Code_Block freeze O +" O " O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsergio/ophmisu O wsergio/ophmisu O + +Repository_Link O Repository_Link O +: O : O +https://github.com/wsergio/ophmisu O https://github.com/wsergio/ophmisu O + +Ophmisu B-Application Ophmisu O + +Ophmisu B-Application Ophmisu O +Trivia I-Application Trivia O +- O - O +realtime O realtime O +& O & O +web O web O +based O based O +. O . O + +Technologies O Technologies O +: O : O + +Server B-Application Server O +app O app O +: O : O +Node.js B-Application Node.js O +, O , O +MySQL B-Application MySQL O +, O , O +Socket.IO B-Library Socket.IO O +; O ; O + +Client B-Application Client O +apps O apps O +: O : O + +Web O Web O +client B-Application client O +: O : O +AngularJS B-Library AngularJS O +, O , O +jQuery B-Library jQuery O +, O , O +Bootstrap B-Library Bootstrap O +, O , O +Socket.IO B-Library Socket.IO O +, O , O +PHP B-Language PHP O +; O ; O + +Android B-Operating_System Android O +client B-Application client O +: O : O +Android B-Application Android O +SDK I-Application SDK O +( O ( O +Java B-Language Java O +) O ) O +, O , O +Web O Web O +sockets O sockets O +. O . O + +A O A O +live O live O +demo O demo O +is O is O +available O available O +at O at O +https://ophmisu.com/ O https://ophmisu.com/ O +. O . O + +Installation O Installation O + +Client B-Application Client O +for O for O +web O web O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_106938 I-Code_Block GR_106938 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Server B-Application Server O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_106939 I-Code_Block GR_106939 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Todo O Todo O + +[ O [ O +] O ] O +add O add O +support O support O +for O for O +multiple O multiple O +server B-Application server O +nodes O nodes O + +[ O [ O +] O ] O +add O add O +support O support O +for O for O +multiple O multiple O +rooms O rooms O +/ O / O +channels O channels O + +[ O [ O +x O x O +] O ] O +support O support O +ssl O ssl O +( O ( O +so O so O +SPDY B-Algorithm SPDY O +can O can O +do O do O +its O its O +job O job O +) O ) O + +[ O [ O +] O ] O +socket O socket O +multiplexing O multiplexing O +( O ( O +allow O allow O +both O both O +http/https O http/https O +) O ) O +( O ( O +check O check O +SockJS B-Application SockJS O +) O ) O + +[ O [ O +x O x O +] O ] O +redefine O redefine O +dependencies O dependencies O + +[ O [ O +x O x O +] O ] O +finish O finish O +basic O basic O +user O user O +registration O registration O + +[ O [ O +] O ] O +create O create O +simple O simple O +administration O administration O +interface O interface O +to O to O +manage O manage O +questions O questions O +( O ( O +CRUD O CRUD O +, O , O +import O import O +) O ) O +( O ( O +Alexandru B-User_Name Alexandru O +Canavoiu I-User_Name Canavoiu O +) O ) O + +[ O [ O +] O ] O +add O add O +user O user O +groups O groups O +and O and O +define O define O +permissions O permissions O +for O for O +in-game O in-game O +commands O commands O +( O ( O +Alexandru B-User_Name Alexandru O +Canavoiu I-User_Name Canavoiu O +) O ) O + +[ O [ O +x O x O +] O ] O +add O add O +" O " O +Top O Top O +players O players O +" O " O +view O view O +( O ( O +Alexandru B-User_Name Alexandru O +Canavoiu I-User_Name Canavoiu O +) O ) O + +[ O [ O +] O ] O +add O add O +" O " O +Player O Player O +profile O profile O +" O " O +view O view O +( O ( O +Alexandru B-User_Name Alexandru O +Canavoiu I-User_Name Canavoiu O +) O ) O + +License O License O + +Ophmisu B-Application Ophmisu O +Trivia I-Application Trivia O +is O is O +available O available O +under O under O +the O the O +MIT B-Licence MIT O +license I-Licence license O +. O . O + +Repository_Name O Repository_Name O +: O : O +M1sterDonut/hello O M1sterDonut/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/M1sterDonut/hello-world/issues/1 O https://github.com/M1sterDonut/hello-world/issues/1 O + +:1st_place_medal O :1st_place_medal O +: O : O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/45 O https://github.com/katzer/cordova-plugin-background-mode/issues/45 O + +Hi O Hi O +, O , O +had O had O +never O never O +that O that O +issue O issue O +before O before O +because O because O +CoreLocation B-Library CoreLocation O +was O was O +available O available O +by O by O +default O default O +. O . O + +But O But O +you O you O +can O can O +add O add O +the O the O +following O following O +line O line O +to O to O +the O the O +plugin.xml B-File_Name plugin.xml O +to O to O +include O include O +it O it O +like O like O +the O the O +EmailComposer B-Application EmailComposer O +plugin O plugin O +is O is O +doing O doing O +it O it O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_58510 I-Code_Block GR_58510 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +upcoming O upcoming O +version O version O +does O does O +not O not O +use O use O +geolocation O geolocation O +anymore O anymore O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/57 O https://github.com/mapbox/tile-count/issues/57 O + +I O I O +created O created O +a O a O +tile O tile O +maps O maps O +with O with O +tile-count B-Application tile-count O +and O and O +everything O everything O +works O works O +fine O fine O +. O . O + +As O As O +well O well O +uploading O uploading O +it O it O +to O to O +mapbox B-Application mapbox O +and O and O +adding O adding O +it O it O +to O to O +a O a O +style O style O +. O . O + +But O But O +when O when O +I O I O +d'like O d'like O +to O to O +style O style O +the O the O +points O points O +based O based O +on O on O +the O the O +density O density O +, O , O +I O I O +have O have O +troubles O troubles O +. O . O + +I O I O +assumed O assumed O +, O , O +" O " O +Style O Style O +across O across O +data O data O +range O range O +" O " O +is O is O +the O the O +right O right O +way O way O +. O . O + +There O There O +I O I O +have O have O +to O to O +choose O choose O +a O a O +number B-User_Interface_Element number O +field I-User_Interface_Element field O +. O . O + +Density O Density O +is O is O +a O a O +number B-User_Interface_Element number O +field I-User_Interface_Element field O +, O , O +but O but O +the O the O +editor B-Application editor O +refuses O refuses O +the O the O +density O density O +: O : O +" O " O +Property B-Error_Name Property O +must I-Error_Name must O +be I-Error_Name be O +of I-Error_Name of O +type I-Error_Name type O +: I-Error_Name : O +number I-Error_Name number O +" O " O +. O . O + +Any O Any O +ideas O ideas O +? O ? O + +Thank O Thank O +you O you O +very O very O +much O much O +! O ! O + +Repository_Name O Repository_Name O +: O : O +rgeo/rgeo O rgeo/rgeo O +-activerecord O -activerecord O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rgeo/rgeo-activerecord/issues/25 O https://github.com/rgeo/rgeo-activerecord/issues/25 O + +Update O Update O +pull O pull O +request O request O +. O . O + +I O I O +'ve O 've O +also O also O +modified O modified O +the O the O +SpatialIndexDefinition B-Library_Class SpatialIndexDefinition O +struct O struct O +to O to O +include O include O +' O ' O +using O using O +' O ' O +and O and O +' O ' O +type O type O +' O ' O +. O . O + +I O I O +'m O 'm O +not O not O +sure O sure O +if O if O +we O we O +should O should O +keep O keep O +the O the O +branch O branch O +name O name O +' O ' O +1.0 B-Version 1.0 O +' O ' O +or O or O +update O update O +it O it O +to O to O +' O ' O +1.1 B-Version 1.1 O +' O ' O +as O as O +I O I O +did O did O +in O in O +my O my O +fork O fork O +. O . O + +Repository_Name O Repository_Name O +: O : O +progdude/Flicks O progdude/Flicks O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/progdude/Flicks/issues/3 O https://github.com/progdude/Flicks/issues/3 O + +/cc O /cc O +@codepathreview B-User_Name @codepathreview O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/25 O https://github.com/resin-io-modules/resin-image-fs/issues/25 O + +Like O Like O +Linux B-Operating_System Linux O +'s O 's O +sdaX B-Device sdaX O + +Change-Type O Change-Type O +: O : O +major O major O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/5 O https://github.com/LucieSteiner/AMT_feature1/issues/5 O + +When O When O +the O the O +user O user O +enters O enters O +wrong O wrong O +credentials O credentials O +, O , O +when O when O +a O a O +new O new O +account O account O +cannot O cannot O +be O be O +created O created O +, O , O +etc O etc O +. O . O + +the O the O +user O user O +should O should O +see O see O +an O an O +error O error O +message O message O +in O in O +the O the O +form B-User_Interface_Element form O +( O ( O +so O so O +that O that O +he O he O +understands O understands O +what O what O +is O is O +going O going O +on O on O +) O ) O +. O . O + +The O The O +way O way O +to O to O +implement O implement O +it O it O +is O is O +to O to O +attach O attach O +a O a O +( O ( O +list B-Data_Structure list O +of O of O +) O ) O +error O error O +message(s) O message(s) O +to O to O +the O the O +request O request O +in O in O +the O the O +servlet B-Library_Class servlet O +( O ( O +via O via O +the O the O +setAttribute B-Library_Function setAttribute O +method O method O +) O ) O +and O and O +to O to O +retrieve O retrieve O +this O this O +data O data O +in O in O +the O the O +JSP B-Application JSP O +view O view O +. O . O + +Just O Just O +like O like O +the O the O +standard O standard O +MVC O MVC O +pattern O pattern O +: O : O +the O the O +error O error O +messages O messages O +are O are O +just O just O +a O a O +form O form O +of O of O +model O model O +. O . O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/7 O https://github.com/SivanMehta/wander/issues/7 O + +Sivan B-User_Name Sivan O + +Add O Add O +placeholder O placeholder O +image B-User_Interface_Element image O +for O for O +guides O guides O +and O and O +tourists O tourists O + +Yeon B-User_Interface_Element Yeon O +Soo I-User_Interface_Element Soo O + +centering O centering O +logo B-User_Interface_Element logo O +and O and O +remove O remove O +" O " O +Welcome O Welcome O +to O to O +Wander O Wander O +! O ! O +" O " O + +on O on O +Homepage B-User_Interface_Element Homepage O + +use O use O +images B-User_Interface_Element images O +for O for O +logos B-User_Interface_Element logos O +across O across O +site O site O +. O . O + +change O change O +background O background O +image B-User_Interface_Element image O +on O on O +landing O landing O +page O page O + +general O general O +aesthetics O aesthetics O + +add O add O +presentation O presentation O +images B-User_Interface_Element images O + +Gaury B-User_Name Gaury O + +Sprint O Sprint O +Report O Report O + +Presentation O Presentation O +Slides O Slides O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/14 O https://github.com/rpcope1/Hantek6022API/issues/14 O + +If O If O +you O you O +are O are O +tracing O tracing O +the O the O +pins O pins O +of O of O +the O the O +FX2LP B-Device FX2LP O +, O , O +can O can O +you O you O +trace O trace O +where O where O +ports O ports O +A O A O +, O , O +B O B O +, O , O +C O C O +, O , O +D O D O +lead O lead O +to O to O +? O ? O + +Port O Port O +A O A O +, O , O +bit O bit O +7 O 7 O +should O should O +go O go O +to O to O +the O the O +squarewave O squarewave O +generator O generator O +. O . O + +Port O Port O +C O C O +, O , O +bit O bit O +0-1 O 0-1 O +should O should O +go O go O +to O to O +the O the O +LED B-Device LED O +. O . O + +Port O Port O +C O C O +, O , O +bit O bit O +2-7 O 2-7 O +should O should O +go O go O +to O to O +the O the O +analog O analog O +multiplexers B-Device multiplexers O +. O . O + +Port O Port O +B O B O +, O , O +D O D O +should O should O +go O go O +to O to O +the O the O +ADC B-Device ADC O +output O output O +. O . O + +For O For O +triggering O triggering O +probably O probably O +some O some O +RDY B-Device RDY O +pin O pin O +is O is O +used O used O +. O . O + +Are O Are O +the O the O +CTL B-Device CTL O +pins O pins O +connected O connected O +? O ? O + +What O What O +are O are O +Port O Port O +A O A O +0-6 O 0-6 O +connected O connected O +to O to O +? O ? O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/22 O https://github.com/rpcope1/Hantek6022API/issues/22 O + +Thanks O Thanks O +for O for O +the O the O +answer O answer O +, O , O +i O i O +made O made O +some O some O +investigation O investigation O +as O as O +you O you O +suggested O suggested O +and O and O +i O i O +found O found O +that O that O +the O the O +script O script O +stops O stops O +at O at O +this O this O +line O line O +: O : O + +bytes_written B-Code_Block bytes_written B-Code_Block += I-Code_Block = I-Code_Block +self.device_handle.controlWrite(0x40,self.RW_FIRMWARE_REQUEST,packet.value,self.RW_FIRMWARE_INDEX,packet.data,timeout=timeout) I-Code_Block self.device_handle.controlWrite(0x40,self.RW_FIRMWARE_REQUEST,packet.value,self.RW_FIRMWARE_INDEX,packet.data,timeout=timeout) I-Code_Block + +https://github.com/rpcope1/Hantek6022API/blob/master/PyHT6022/LibUsbScope.py#L138 O https://github.com/rpcope1/Hantek6022API/blob/master/PyHT6022/LibUsbScope.py#L138 O + +It O It O +stayed O stayed O +there O there O +for O for O +over O over O +two O two O +minutes O minutes O +without O without O +responding O responding O +. O . O + +I O I O +tried O tried O +on O on O +the O the O +laptop B-Device laptop O +( O ( O +arch B-Operating_System arch O +linux I-Operating_System linux O +too O too O +) O ) O +, O , O +and O and O +i O i O +have O have O +the O the O +same O same O +problem O problem O +. O . O + +I O I O +tried O tried O +on O on O +windows B-Operating_System windows O +and O and O +the O the O +scope O scope O +works O works O +. O . O + +I O I O +connected O connected O +it O it O +on O on O +a O a O +usb2 B-Device usb2 O +port O port O +on O on O +both O both O +PCs B-Device PCs O +( O ( O +the O the O +ports O ports O +are O are O +working O working O +) O ) O + +I O I O +do O do O +n't O n't O +know O know O +if O if O +i O i O +'m O 'm O +missing O missing O +something O something O +, O , O +i O i O +followed O followed O +the O the O +readme B-File_Name readme O +, O , O +here O here O +'s O 's O +exactly O exactly O +what O what O +i O i O +did O did O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_1467 I-Code_Block GR_1467 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Thanks O Thanks O +again O again O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/5 O https://github.com/thehyve/puppet-i2b2/issues/5 O + +While O While O +trying O trying O +to O to O +fix O fix O +the O the O +acceptance O acceptance O +test O test O +not O not O +to O to O +go O go O +through O through O +am1.thehyve.net B-Website am1.thehyve.net O +, O , O +I O I O +got O got O +this O this O +response O response O +from O from O +Axis B-Application Axis O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_25695 I-Code_Block GR_25695 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Other O Other O +i2b2 B-Application i2b2 O +instances O instances O +( O ( O +services.i2b2.org B-Website services.i2b2.org B-Code_Block +and O and O +our O our O +own O own O +preliminary O preliminary O +installation O installation O +) O ) O +accept O accept O +this O this O +request O request O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_25696 I-Code_Block GR_25696 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +However O However O +, O , O +the O the O +beaker B-Application beaker O +instance O instance O +will O will O +accept O accept O +application/xml B-Language application/xml B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_25697 I-Code_Block GR_25697 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +have O have O +not O not O +investigated O investigated O +much O much O +further O further O +, O , O +but O but O +it O it O +'s O 's O +possible O possible O +the O the O +problem O problem O +may O may O +be O be O +the O the O +axis B-Application axis O +configuration O configuration O +that O that O +is O is O +being O being O +changed O changed O +in O in O +this O this O +ssl O ssl B-Code_Block +branch O branch O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_25698 I-Code_Block GR_25698 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +whereas O whereas O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_25699 I-Code_Block GR_25699 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/33 O https://github.com/rpcope1/Hantek6022API/issues/33 O + +USBPollerThread B-Library_Class USBPollerThread O +makes O makes O +problem O problem O +with O with O +newer O newer O +linux B-Operating_System linux O +versions O versions O +. O . O + +Instead O Instead O +we O we O +call O call O +poll() B-Library_Function poll() O +instead O instead O +of O of O +sleeping O sleeping O +in O in O +the O the O +example O example O +programs O programs O +. O . O + +This O This O +should O should O +fix O fix O +#22 O #22 O + +Some O Some O +fixes O fixes O +for O for O +Python B-Language Python O +2 B-Version 2 O +compatibility O compatibility O +. O . O + +Repository_Name O Repository_Name O +: O : O +gigitux/vesuvianabot O gigitux/vesuvianabot O + +Repository_Link O Repository_Link O +: O : O +https://github.com/gigitux/vesuvianabot O https://github.com/gigitux/vesuvianabot O + +ROADMAP O ROADMAP O + +1.0 B-Version 1.0 O +-> O -> O +stupid O stupid O +bot O bot O +with O with O +hour O hour O + +2.0 B-Version 2.0 O +-> O -> O +smart O smart O +bot O bot O + +Repository_Name O Repository_Name O +: O : O +ELK24/hello O ELK24/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ELK24/hello-world/issues/1 O https://github.com/ELK24/hello-world/issues/1 O + +Making O Making O +a O a O +pull O pull O +request O request O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/34 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/34 O + +Confirmed O Confirmed O +that O that O +all O all O +the O the O +tests O tests O +pass O pass O +with O with O +the O the O +changes O changes O +to O to O +the O the O +mixin B-Library_Class mixin O +for O for O +the O the O +following O following O +known O known O +plugins O plugins O +: O : O + +[ O [ O +x O x O +] O ] O +Input B-Application Input O +S3 I-Application S3 O + +[ O [ O +x O x O +] O ] O +Output B-Application Output O +S3 I-Application S3 O + +[ O [ O +x O x O +] O ] O +Input B-Application Input O +sqs I-Application sqs O + +[ O [ O +x O x O +] O ] O +Output B-Application Output O +sqs I-Application sqs O + +[ O [ O +x O x O +] O ] O +Input B-Application Input O +cloud I-Application cloud O +watch I-Application watch O + +[ O [ O +x O x O +] O ] O +Output B-Application Output O +cloud I-Application cloud O +watch I-Application watch O + +[ O [ O +x O x O +] O ] O +Output B-Application Output O +sns I-Application sns O + +Repository_Name O Repository_Name O +: O : O +timothypage/container O timothypage/container O +-info O -info O + +Repository_Link O Repository_Link O +: O : O +https://github.com/timothypage/container-info O https://github.com/timothypage/container-info O + +best O best O +used O used O +with O with O +docker B-Application docker O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_4105 I-Code_Block GR_4105 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +you O you O +'ll O 'll O +see O see O +a O a O +web O web O +page O page O +with O with O +the O the O +following O following O +info O info O + +Requests O Requests O +Served O Served O +: O : O +1 O 1 O + +hostname O hostname O +: O : O +10cab2c4c076 O 10cab2c4c076 O + +Repository_Name O Repository_Name O +: O : O +luxflux/dotfiles O luxflux/dotfiles O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/luxflux/dotfiles/issues/1 O https://github.com/luxflux/dotfiles/issues/1 O + +I O I O +would O would O +suggest O suggest O +to O to O +use O use O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_3811 I-Code_Block GR_3811 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +instead O instead O +of O of O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_3812 I-Code_Block GR_3812 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Because O Because O +otherwise O otherwise O +, O , O +airline O airline O +'s O 's O +paste O paste O +detection O detection O +is O is O +delayed O delayed O +. O . O + +See O See O +https://github.com/bling/vim-airline/issues/219 O https://github.com/bling/vim-airline/issues/219 O +for O for O +details O details O +. O . O + +Repository_Name O Repository_Name O +: O : O +tangentmonger/twitterknitter O tangentmonger/twitterknitter O + +Repository_Link O Repository_Link O +: O : O +https://github.com/tangentmonger/twitterknitter O https://github.com/tangentmonger/twitterknitter O + +twitterknitter O twitterknitter O + +TOG B-Organization TOG O +'s O 's O +70 O 70 O +'s O 's O +knitting O knitting O +machine O machine O +knits O knits O +tweets O tweets O +. O . O + +Travis B-Application Travis O +CI I-Application CI O +status O status O +: O : O +! O ! O + +[ O [ O +Travis B-Application Travis O +status O status O +] O ] O +( O ( O +https://travis-ci.org/tangentmonger/twitterknitter.svg?branch=master O https://travis-ci.org/tangentmonger/twitterknitter.svg?branch=master O +" O " O +Travis O Travis O +status O status O +" O " O +) O ) O + +Knitting O Knitting O +machine O machine O +: O : O +Empisal B-Device Empisal O +Knitmaster I-Device Knitmaster O +321 B-Version 321 O + +Extra O Extra O +hardware O hardware O +: O : O +contraption O contraption O +made O made O +of O of O +24 O 24 O +servos B-Device servos O +, O , O +laser O laser O +cut O cut O +dibblers B-Device dibblers O +, O , O +three O three O +LEDs B-Device LEDs O +and O and O +a O a O +microswitch B-Device microswitch O +. O . O + +arduino/knitting.ino B-File_Name arduino/knitting.ino O +runs O runs O +on O on O +an O an O +Arduino B-Device Arduino O +Mega I-Device Mega O +and O and O +controls O controls O +the O the O +knitting O knitting O +machine O machine O +hardware O hardware O +. O . O + +python/server.py B-File_Name python/server.py O +runs O runs O +on O on O +a O a O +laptop B-Device laptop O +connected O connected O +to O to O +the O the O +Arduino B-Device Arduino O +via O via O +USB B-Device USB O +. O . O + +Converts O Converts O +tweets O tweets O +to O to O +images B-User_Interface_Element images O +and O and O +sends O sends O +them O them O +to O to O +the O the O +Mega B-Device Mega O +via O via O +USB B-Device USB O +. O . O + +Python B-Language Python O +3 B-Version 3 O + +Repository_Name O Repository_Name O +: O : O +nerab/TaskWarriorMail O nerab/TaskWarriorMail O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/nerab/TaskWarriorMail/issues/3 O https://github.com/nerab/TaskWarriorMail/issues/3 O + +I O I O +just O just O +released O released O +0.0.5 B-Version 0.0.5 O +which O which O +also O also O +includes O includes O +a O a O +sample O sample O +. O . O + +Repository_Name O Repository_Name O +: O : O +mfellner/webpack O mfellner/webpack O +-sandboxed O -sandboxed O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mfellner/webpack-sandboxed/issues/4 O https://github.com/mfellner/webpack-sandboxed/issues/4 O + + +Changes O Changes O +Unknown O Unknown O +when O when O +pulling O pulling O +1e5a89c53cec5912f51dbf8733b02a6ca008f951 O 1e5a89c53cec5912f51dbf8733b02a6ca008f951 O +on O on O +upgrade-deps O upgrade-deps O +into O into O +** O ** O +on O on O +master** O master** O +. O . O + +Repository_Name O Repository_Name O +: O : O +Forneus/programmering O Forneus/programmering O +-a-inlamningar O -a-inlamningar O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Forneus/programmering-a-inlamningar/issues/9 O https://github.com/Forneus/programmering-a-inlamningar/issues/9 O + +Jag O Jag O +har O har O +fixat O fixat O +problemet O problemet O +med O med O +långa O långa O +hexadecimala O hexadecimala O +strängar O strängar O +och O och O +testat O testat O +fram O fram O +hur O hur O +noter O noter O +kan O kan O +skrivas O skrivas O +. O . O + +Kolla O Kolla O +denna O denna O +skärmdump O skärmdump O + +Här O Här O +är O är O +den O den O +riktiga O riktiga O +sidan O sidan O + +Om O Om O +den O den O +ser O ser O +helt O helt O +galen O galen O +ut O ut O +, O , O +så O så O +måste O måste O +du O du O +installera O installera O +fonten O fonten O +som O som O +jag O jag O +länkar O länkar O +till O till O +. O . O + +Repository_Name O Repository_Name O +: O : O +OpenPrograms/MiscPrograms O OpenPrograms/MiscPrograms O + +Repository_Link O Repository_Link O +: O : O +https://github.com/OpenPrograms/MiscPrograms O https://github.com/OpenPrograms/MiscPrograms O + +MiscPrograms O MiscPrograms O + +This O This O +is O is O +a O a O +place O place O +where O where O +everyone O everyone O +may O may O +put O put O +their O their O +OpenComputers B-Application OpenComputers O +programs O programs O +. O . O + +# O # O +#Contributing O #Contributing O + +To O To O +put O put O +your O your O +OpenComputers B-Application OpenComputers O +programs O programs O +onto O onto O +this O this O +repository O repository O +, O , O +fork O fork O +it O it O +and O and O +create O create O +a O a O +folder O folder O +named O named O +after O after O +you O you O +( O ( O +So O So O +using O using O +your O your O +username O username O +) O ) O +. O . O + +There O There O +you O you O +may O may O +place O place O +all O all O +your O your O +files O files O +into O into O +. O . O + +After O After O +that O that O +, O , O +create O create O +a O a O +Pull O Pull O +Request O Request O +and O and O +the O the O +files O files O +will O will O +be O be O +merged O merged O +into O into O +the O the O +main O main O +repository O repository O +. O . O + +Make O Make O +sure O sure O +that O that O +you O you O +do O do O +n't O n't O +have O have O +any O any O +inappropriate O inappropriate O +content O content O +in O in O +your O your O +programs O programs O +, O , O +and O and O +you O you O +only O only O +have O have O +OpenComputers B-Application OpenComputers O +or O or O +Lua B-Language Lua O +related O related O +things O things O +in O in O +there O there O +! O ! O + +Repository_Name O Repository_Name O +: O : O +SUSTC/sustech O SUSTC/sustech O +-slides O -slides O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SUSTC/sustech-slides/issues/1 O https://github.com/SUSTC/sustech-slides/issues/1 O + +It O It O +make O make O +sense O sense O +. O . O + +However O However O +, O , O +we O we O +are O are O +long O long O +away O away O +from O from O +using O using O +this O this O +slides B-File_Name slides O +tex I-File_Name tex O +, O , O +do O do O +you O you O +want O want O +to O to O +be O be O +a O a O +collaborator O collaborator O +of O of O +this O this O +project O project O +? O ? O + +@ProfFan B-User_Name @ProfFan O +could O could O +you O you O +make O make O +a O a O +review O review O +for O for O +this O this O +PR O PR O +? O ? O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/9 O https://github.com/zeroepoch/plotbitrate/issues/9 O + +If O If O +you O you O +have O have O +a O a O +patch O patch O +for O for O +this O this O +( O ( O +coloring O coloring O +pink O pink O +and O and O +" O " O +Unknown O Unknown O +frametype O frametype O +" O " O +) O ) O +it O it O +would O would O +be O be O +great O great O +to O to O +get O get O +a O a O +pull O pull O +request O request O +. O . O + +I O I O +do O do O +n't O n't O +have O have O +much O much O +time O time O +these O these O +days O days O +to O to O +maintain O maintain O +this O this O +and O and O +also O also O +I O I O +'m O 'm O +not O not O +using O using O +it O it O +myself O myself O +anymore O anymore O +. O . O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/8 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/8 O + +Awesome O Awesome O +, O , O +@dwagner2301 B-User_Name @dwagner2301 O +I O I O +'ll O 'll O +help O help O +to O to O +add O add O +more O more O +test O test O +to O to O +it O it O +, O , O +I O I O +just O just O +want O want O +to O to O +make O make O +you O you O +have O have O +credits O credits O +for O for O +your O your O +work O work O +. O . O + +Repository_Name O Repository_Name O +: O : O +jamstooks/django O jamstooks/django O +-acme-challenge O -acme-challenge O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/jamstooks/django-acme-challenge/issues/3 O https://github.com/jamstooks/django-acme-challenge/issues/3 O + +Just O Just O +to O to O +follow O follow O +up O up O +: O : O + +What O What O +does O does O +that O that O +mean O mean O +? O ? O + +How O How O +else O else O +can O can O +be O be O +set O set O +( O ( O +since O since O +the O the O +acme O acme O +challenge O challenge O +changes O changes O +its O its O +string O string O +everytime O everytime O +I O I O +try O try O +to O to O +generate O generate O +the O the O +certificate O certificate O +) O ) O +? O ? O + +I O I O +recommend O recommend O +environment O environment O +variables O variables O +because O because O +it O it O +'s O 's O +easier O easier O +to O to O +change O change O +environment O environment O +variables O variables O +than O than O +change O change O +the O the O +code O code O +whenever O whenever O +you O you O +need O need O +to O to O +. O . O + +But O But O +, O , O +you O you O +can O can O +still O still O +hard-code O hard-code O +the O the O +values O values O +in O in O +your O your O +settings.py B-File_Name settings.py O +if O if O +you O you O +'d O 'd O +prefer O prefer O +that O that O +.. O .. O +. O . O + +I O I O +'m O 'm O +going O going O +to O to O +close O close O +this O this O +issue O issue O +as O as O +it O it O +does O does O +n't O n't O +seem O seem O +to O to O +be O be O +a O a O +bug O bug O +, O , O +but O but O +please O please O +feel O feel O +free O free O +to O to O +reopen O reopen O +if O if O +you O you O +need O need O +some O some O +more O more O +help O help O +. O . O + +Repository_Name O Repository_Name O +: O : O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-Website O -Website O + +Repository_Link O Repository_Link O +: O : O +https://github.com/HackClub-SLHS/HackClub-Website O https://github.com/HackClub-SLHS/HackClub-Website O + +HackClub-Website O HackClub-Website O + +to O to O +update O update O +the O the O +website O website O +, O , O +sign O sign O +in O in O +to O to O +server B-Device server O +and O and O +run O run O +following O following O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_197690 I-Code_Block GR_197690 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/1 O https://github.com/rcfbanalysis/rcfbscraper/issues/1 O + +27003020141115 O 27003020141115 O +, O , O +1 O 1 O +, O , O +1 O 1 O +, O , O +900 O 900 O +, O , O +30 O 30 O +, O , O +30 O 30 O +Both O Both O +App O App O +. O . O + +St O St O +( O ( O +27 O 27 O +) O ) O +& O & O +Arkansas O Arkansas O +st O st O +( O ( O +30 O 30 O +) O ) O +. O . O + +assigned O assigned O +same O same O +Team O Team O +ID O ID O +( O ( O +30 O 30 O +) O ) O +, O , O +Scoring O Scoring O +is O is O +correct O correct O +, O , O +however O however O +the O the O +SPOT O SPOT O +is O is O +inverted O inverted O +half O half O +the O the O +time O time O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/41 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/41 O + +Extend O Extend O +Generic O Generic O +information O information O +to O to O +enable O enable O +vendors O vendors O +to O to O +post O post O +their O their O +policies O policies O +and O and O +conventions O conventions O +in O in O +a O a O +subdirectory O subdirectory O +. O . O + +Repository_Name O Repository_Name O +: O : O +rpcope1/Hantek6022API O rpcope1/Hantek6022API O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rpcope1/Hantek6022API/issues/40 O https://github.com/rpcope1/Hantek6022API/issues/40 O + +I O I O +'m O 'm O +not O not O +sure O sure O +if O if O +HW O HW O +trigger O trigger O +is O is O +even O even O +possible O possible O +. O . O + +In O In O +principle O principle O +you O you O +can O can O +do O do O +non-stop O non-stop O +sampling O sampling O +to O to O +avoid O avoid O +losing O losing O +the O the O +event O event O +. O . O + +I O I O +'m O 'm O +not O not O +sure O sure O +if O if O +OpenHantek B-Application OpenHantek O +supports O supports O +this O this O +, O , O +though O though O +. O . O + +Repository_Name O Repository_Name O +: O : O +makeen-project/makeen O makeen-project/makeen O +-hapi O -hapi O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/viczam/makeen-hapi/issues/51 O https://github.com/viczam/makeen-hapi/issues/51 O + +WS O WS O +Jira B-Application Jira O +Ticket O Ticket O +: O : O +ACP-48 O ACP-48 O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/10 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/10 O + +Yeah O Yeah O +, O , O +let O let O +'s O 's O +standardize O standardize O +. O . O + +OpenShift B-Application OpenShift O +is O is O +going O going O +to O to O +be O be O +writing O writing O +and O and O +reading O reading O +those O those O +, O , O +so O so O +we O we O +'re O 're O +happy O happy O +to O to O +swap O swap O +to O to O +read O read O +whatever O whatever O +the O the O +standard O standard O +becomes O becomes O +. O . O + +Repository_Name O Repository_Name O +: O : O +projectatomic/ContainerApplicationGenericLabels O projectatomic/ContainerApplicationGenericLabels O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/77 O https://github.com/projectatomic/ContainerApplicationGenericLabels/issues/77 O + +@aweiteka B-User_Name @aweiteka O +PTAL O PTAL O + +Repository_Name O Repository_Name O +: O : O +mmalleske/js_adventure O mmalleske/js_adventure O + +Repository_Link O Repository_Link O +: O : O +https://github.com/mmalleske/js_adventure O https://github.com/mmalleske/js_adventure O + +Choose O Choose O +Your O Your O +Own O Own O +Adventure O Adventure O +! O ! O + +Rules O Rules O + +Goal O Goal O +: O : O +Using O Using O +what O what O +you O you O +know O know O +about O about O +data O data O +types O types O +, O , O +variables O variables O +, O , O +operators O operators O +, O , O +conditional O conditional O +blocks O blocks O +, O , O +and O and O +accepting O accepting O +user O user O +input O input O +, O , O +create O create O +a O a O +text-based O text-based O +game O game O +that O that O +allows O allows O +the O the O +user O user O +to O to O +arrive O arrive O +at O at O +different O different O +" O " O +destinations O destinations O +" O " O +based O based O +on O on O +the O the O +inputs O inputs O +they O they O +type O type O + +Any O Any O +path O path O +the O the O +user O user O +goes O goes O +down O down O +must O must O +ask O ask O +them O them O +at O at O +least O least O +3 O 3 O +questions O questions O +( O ( O +there O there O +can O can O +be O be O +more O more O +! O ! O +) O ) O + +before O before O +they O they O +arrive O arrive O +at O at O +the O the O +destination O destination O + +There O There O +must O must O +be O be O +a O a O +minimum O minimum O +of O of O +7 O 7 O +total O total O +destinations O destinations O +the O the O +user O user O +could O could O +arrive O arrive O +at O at O +based O based O +on O on O +their O their O +responses O responses O +( O ( O +there O there O +can O can O +be O be O +more O more O +! O ! O +) O ) O + +For O For O +at O at O +least O least O +3 O 3 O +( O ( O +there O there O +can O can O +be O be O +more O more O +! O ! O +) O ) O + +of O of O +the O the O +questions O questions O +asked O asked O +, O , O +there O there O +must O must O +be O be O +more O more O +than O than O +2 O 2 O +possible O possible O +user O user O +responses O responses O + +At O At O +least O least O +1 O 1 O +( O ( O +there O there O +can O can O +be O be O +more O more O +! O ! O +) O ) O + +of O of O +the O the O +questions O questions O +must O must O +accept O accept O +a O a O +range O range O +of O of O +number O number O +values O values O +, O , O +for O for O +example O example O +any O any O +number O number O +between O between O +1-100 O 1-100 O +, O , O +etc O etc O +. O . O + +Hint O Hint O +: O : O +To O To O +help O help O +visualize O visualize O +your O your O +adventure O adventure O +game O game O +, O , O +draw O draw O +out O out O +a O a O +flow O flow O +chart B-User_Interface_Element chart O +of O of O +all O all O +the O the O +possible O possible O +scenarios O scenarios O +, O , O +like O like O +so O so O +: O : O +Flow O Flow O +Chart B-User_Interface_Element Chart O +Example O Example O + +Tools O Tools O + +Write O Write O +in O in O +Javascript B-Language Javascript O +. O . O + +Use O Use O +the O the O +prompt() B-Library_Function prompt() B-Code_Block +function O function O +to O to O +accept O accept O +user O user O +input O input O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_5837 I-Code_Block GR_5837 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +may O may O +want O want O +to O to O +use O use O +repl.it B-Application repl.it O +to O to O +write O write O +your O your O +code O code O +! O ! O + +However O However O +, O , O +you O you O +'ll O 'll O +want O want O +to O to O +copy/paste/submit O copy/paste/submit O +your O your O +code O code O +in O in O +the O the O +adventure.js B-File_Name adventure.js B-Code_Block +file O file O +. O . O + +Game O Game O +Ideas O Ideas O + +A O A O +Lord O Lord O +of O of O +the O the O +Rings O Rings O +style O style O +adventure O adventure O +where O where O +the O the O +player O player O +is O is O +Frodo O Frodo O +, O , O +and O and O +he O he O +must O must O +choose O choose O +how O how O +to O to O +get O get O +to O to O +Mordor O Mordor O +. O . O + +Possible O Possible O +obstacles O obstacles O +involve O involve O +Orcs O Orcs O +, O , O +goblins O goblins O +, O , O +and O and O +getting O getting O +drunk O drunk O +on O on O +mead O mead O +. O . O + +A O A O +" O " O +Top O Top O +Chef O Chef O +" O " O +style O style O +cooking O cooking O +adventure O adventure O +where O where O +the O the O +player O player O +is O is O +the O the O +chef O chef O +, O , O +trying O trying O +to O to O +make O make O +dinner O dinner O +for O for O +an O an O +elite O elite O +group O group O +of O of O +judges O judges O +. O . O + +Possible O Possible O +obstacles O obstacles O +include O include O +overcooking O overcooking O +the O the O +meal O meal O +, O , O +running O running O +out O out O +of O of O +time O time O +, O , O +or O or O +the O the O +judges O judges O +being O being O +jerks O jerks O +. O . O + +A O A O +Harry O Harry O +Potter O Potter O +themed O themed O +adventure O adventure O +, O , O +where O where O +the O the O +user O user O +is O is O +Harry O Harry O +trying O trying O +to O to O +find O find O +all O all O +the O the O +horcruxes O horcruxes O +. O . O + +Possible O Possible O +obstacles O obstacles O +include O include O +Voldemort O Voldemort O +killing O killing O +people O people O +, O , O +Professor O Professor O +Snape O Snape O +being O being O +a O a O +jerk O jerk O +, O , O +or O or O +Ron O Ron O +not O not O +knowing O knowing O +how O how O +to O to O +do O do O +anything O anything O +. O . O + +Example O Example O +( O ( O +pseudocode O pseudocode O +) O ) O + +What O What O +is O is O +your O your O +name O name O +? O ? O + +Marty O Marty B-Code_Block + +Nice O Nice O +to O to O +meet O meet O +you O you O +, O , O +Marty O Marty B-Code_Block +. O . O + +What O What O +year O year O +would O would O +you O you O +like O like O +to O to O +go O go O +to O to O +? O ? O + +( O ( O +YYYY O YYYY O +) O ) O + +>= O >= B-Code_Block +2015 O 2015 I-Code_Block + +I O I O +see O see O +you O you O +'re O 're O +a O a O +fan O fan O +of O of O +Back O Back O +to O to O +the O the O +Future O Future O +2 O 2 O +. O . O + +Would O Would O +you O you O +rather O rather O +deal O deal O +with O with O +Biff O Biff O +, O , O +or O or O +Griff O Griff O +? O ? O + +( O ( O +B/G O B/G O +) O ) O + +Biff O Biff B-Code_Block + +Hmm O Hmm O +, O , O +interesting O interesting O +. O . O + +Biff O Biff O +is O is O +angry O angry O +and O and O +has O has O +a O a O +cane O cane O +. O . O + +Do O Do O +you O you O +stand O stand O +and O and O +fight O fight O +, O , O +or O or O +run O run O +away O away O +like O like O +a O a O +coward O coward O +? O ? O + +( O ( O +S/R O S/R O +) O ) O + +Stand O Stand B-Code_Block +and O and O +fight O fight O + +Good O Good O +choice O choice O +. O . O + +Biff O Biff O +is O is O +old O old O +and O and O +feeble O feeble O +at O at O +this O this O +point O point O +. O . O + +You O You O +push O push O +him O him O +over O over O +and O and O +he O he O +falls O falls O +in O in O +a O a O +pile O pile O +of O of O +manure O manure O +. O . O + +Run O Run B-Code_Block +like O like O +a O a O +coward O coward O + +You O You O +get O get O +away O away O +, O , O +but O but O +your O your O +future O future O +son O son O +Marty O Marty O +Jr O Jr O +. O . O +is O is O +heckled O heckled O +for O for O +the O the O +rest O rest O +of O of O +his O his O +days O days O +for O for O +his O his O +dad O dad O +'s O 's O +cowardice O cowardice O +. O . O + +Griff O Griff B-Code_Block + +Griff O Griff O +is O is O +asking O asking O +you O you O +if O if O +you O you O +are O are O +in O in O +, O , O +or O or O +out O out O +. O . O + +What O What O +do O do O +you O you O +say O say O +? O ? O + +( O ( O +I/O O I/O O +) O ) O + +In O In B-Code_Block + +Bad O Bad O +call O call O +. O . O + +Griff O Griff O +and O and O +his O his O +cronies O cronies O +rob O rob O +the O the O +Hill O Hill O +Valley O Valley O +bank O bank O +and O and O +frame O frame O +you O you O +for O for O +it O it O +. O . O + +No O No O +more O more O +time O time O +travel O travel O +for O for O +you O you O +. O . O + +Out O Out B-Code_Block + +Good O Good O +call O call O +. O . O + +You O You O +deck O deck O +Griff O Griff O +in O in O +the O the O +jaw O jaw O +and O and O +run O run O +away O away O +. O . O + +He O He O +gives O gives O +chase O chase O +on O on O +his O his O +hoverboard O hoverboard O +and O and O +ends O ends O +up O up O +in O in O +a O a O +pile O pile O +of O of O +manure O manure O +. O . O + +1985-2014 O 1985-2014 B-Code_Block + +Doc O Doc O +has O has O +already O already O +destroyed O destroyed O +the O the O +Time O Time O +Machine O Machine O +at O at O +this O this O +point O point O +. O . O + +I O I O +guess O guess O +you O you O +'ll O 'll O +have O have O +to O to O +wait O wait O +around O around O +until O until O +2015 O 2015 O +. O . O + +What O What O +name O name O +would O would O +you O you O +like O like O +to O to O +go O go O +by O by O +until O until O +then O then O +? O ? O + +Calvin O Calvin B-Code_Block +Klein O Klein I-Code_Block + +Welcome O Welcome O +to O to O +the O the O +future O future O +, O , O +Calvin O Calvin B-Code_Block +Klein O Klein I-Code_Block +. O . O + +1955-1984 O 1955-1984 B-Code_Block + +I O I O +see O see O +you O you O +'re O 're O +a O a O +fan O fan O +of O of O +Back O Back O +to O to O +the O the O +Future O Future O +1 O 1 O +. O . O + +Your O Your O +future O future O +Mom O Mom O +has O has O +just O just O +asked O asked O +you O you O +to O to O +the O the O +Enchantment O Enchantment O +Under O Under O +the O the O +Sea O Sea O +dance O dance O +. O . O + +What O What O +do O do O +you O you O +do O do O +? O ? O + +( O ( O +Y/N/S O Y/N/S O +) O ) O + +Yes O Yes B-Code_Block + +Creepy O Creepy O +. O . O + +I O I O +hope O hope O +you O you O +have O have O +some O some O +backup O backup O +plan O plan O +in O in O +place O place O +to O to O +get O get O +out O out O +of O of O +this O this O +. O . O + +Until O Until O +then O then O +, O , O +you O you O +'re O 're O +stuck O stuck O +in O in O +1955 O 1955 O +. O . O + +No O No B-Code_Block + +Honorable O Honorable O +. O . O + +But O But O +this O this O +also O also O +means O means O +that O that O +your O your O +future O future O +Dad O Dad O +will O will O +never O never O +meet O meet O +your O your O +Mom O Mom O +, O , O +and O and O +therefore O therefore O +you O you O +cannot O cannot O +exist O exist O +. O . O + +Set O Set B-Code_Block +her O her O +up O up O +with O with O +George O George O + +Interesting O Interesting O +. O . O + +You O You O +set O set O +up O up O +an O an O +elaborate O elaborate O +plan O plan O +for O for O +your O your O +future O future O +Dad O Dad O +to O to O +surprise O surprise O +your O your O +Mom O Mom O +by O by O +beating O beating O +you O you O +up O up O +. O . O + +Despite O Despite O +going O going O +horribly O horribly O +awry O awry O +, O , O +the O the O +plan O plan O +ultimately O ultimately O +works O works O +. O . O + +You O You O +may O may O +go O go O +back O back O +to O to O +your O your O +own O own O +time O time O +. O . O + +< O < B-Code_Block +1955 O 1955 I-Code_Block + +I O I O +see O see O +you O you O +'re O 're O +a O a O +fan O fan O +of O of O +Back O Back O +to O to O +the O the O +Future O Future O +3 O 3 O +. O . O + +You O You O +'ve O 've O +run O run O +out O out O +of O of O +nitroglycerin O nitroglycerin O +to O to O +get O get O +back O back O +to O to O +your O your O +own O own O +time O time O +. O . O + +How O How O +do O do O +you O you O +power O power O +the O the O +Time O Time O +Machine O Machine O +? O ? O + +( O ( O +H/M/T O H/M/T O +) O ) O + +Horses O Horses B-Code_Block + +Good O Good O +idea O idea O +, O , O +but O but O +no O no O +. O . O + +The O The O +time O time O +machine O machine O +needs O needs O +to O to O +get O get O +to O to O +88mph O 88mph O +. O . O + +12 O 12 O +horsepower O horsepower O +ai O ai O +n't O n't O +gonna O gonna O +cut O cut O +it O it O +. O . O + +Moonshine O Moonshine B-Code_Block + +You O You O +'d O 'd O +be O be O +better O better O +off O off O +drinking O drinking O +the O the O +moonshine O moonshine O +. O . O + +Do O Do O +not O not O +pass O pass O +Go O Go O +, O , O +do O do O +not O not O +collect O collect O +$ O $ O +200 O 200 O +. O . O + +Stuck O Stuck O +in O in O +1855 O 1855 O +. O . O + +Train O Train B-Code_Block + +Good O Good O +call O call O +! O ! O + +This O This O +plan O plan O +seems O seems O +to O to O +be O be O +working O working O +. O . O + +But O But O +wait O wait O +! O ! O + +Clara O Clara O +wants O wants O +to O to O +go O go O +Back O Back O +to O to O +the O the O +Future O Future O +with O with O +you O you O +at O at O +the O the O +last O last O +moment O moment O +. O . O + +What O What O +do O do O +you O you O +do O do O +? O ? O + +( O ( O +T/L O T/L O +) O ) O + +Take O Take B-Code_Block +her O her O + +Interesting O Interesting O +choice O choice O +. O . O + +Unfortunately O Unfortunately O +the O the O +Doc O Doc O +ca O ca O +n't O n't O +grab O grab O +Clara O Clara O +and O and O +get O get O +back O back O +to O to O +the O the O +car O car O +in O in O +time O time O +. O . O + +He O He O +ends O ends O +up O up O +staying O staying O +in O in O +1855 O 1855 O +with O with O +her O her O +. O . O + +Leave O Leave B-Code_Block +her O her O + +Smart O Smart O +choice O choice O +. O . O + +Unfortunately O Unfortunately O +the O the O +Doc O Doc O +was O was O +deeply O deeply O +in O in O +love O love O +with O with O +Clara O Clara O +, O , O +and O and O +when O when O +he O he O +gets O gets O +back O back O +to O to O +1985 O 1985 O +he O he O +becomes O becomes O +very O very O +depressed O depressed O +. O . O + +Repository_Name O Repository_Name O +: O : O +ben-eb/metalsmith O ben-eb/metalsmith O +-remark O -remark O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/ben-eb/metalsmith-remark/issues/20 O https://github.com/ben-eb/metalsmith-remark/issues/20 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +eslint-config-cssnano B-Library eslint-config-cssnano O +just O just O +published O published O +its O its O +new O new O +version O version O +2.1.0 B-Version 2.1.0 O +. O . O + +State O State O + + +Failing O Failing O +tests O tests O +:rotating_light O :rotating_light O +: O : O + + +Dependency O Dependency O + + + +eslint-config-cssnano B-Library eslint-config-cssnano O + + +New O New O +version O version O + + + +2.1.0 B-Version 2.1.0 O + + +Type O Type O + + + +devDependency O devDependency O + + +This O This O +version O version O +is O is O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +and O and O +after O after O +updating O updating O +it O it O +in O in O +your O your O +project O project O +the O the O +build O build O +went O went O +from O from O +success O success O +to O to O +failure O failure O +. O . O + +As O As O +eslint-config-cssnano B-Library eslint-config-cssnano O +is O is O +" O " O +only O only O +" O " O +a O a O +devDependency O devDependency O +of O of O +this O this O +project O project O +it O it O +might O might O +not O not O +break O break O +production O production O +or O or O +downstream O downstream O +projects O projects O +, O , O +but O but O +" O " O +only O only O +" O " O +your O your O +build O build O +or O or O +test O test O +tools O tools O +– O – O +preventing O preventing O +new O new O +deploys O deploys O +or O or O +publishes O publishes O +. O . O + +I O I O +recommend O recommend O +you O you O +give O give O +this O this O +issue O issue O +a O a O +high O high O +priority O priority O +. O . O + +I O I O +'m O 'm O +sure O sure O +you O you O +can O can O +resolve O resolve O +this O this O +:muscle O :muscle O +: O : O + +Of O Of O +course O course O +this O this O +could O could O +just O just O +be O be O +a O a O +false O false O +positive O positive O +, O , O +caused O caused O +by O by O +a O a O +flaky O flaky O +test O test O +suite O suite O +, O , O +or O or O +third O third O +parties O parties O +that O that O +are O are O +currently O currently O +broken O broken O +or O or O +unavailable O unavailable O +, O , O +but O but O +that O that O +would O would O +be O be O +another O another O +problem O problem O +I O I O +'d O 'd O +recommend O recommend O +working O working O +on O on O +. O . O + +Do O Do O +you O you O +have O have O +any O any O +ideas O ideas O +how O how O +I O I O +could O could O +improve O improve O +these O these O +pull O pull O +requests O requests O +? O ? O + +Did O Did O +I O I O +report O report O +anything O anything O +you O you O +think O think O +is O is O +n't O n't O +right O right O +? O ? O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +while O while O +I O I O +'m O 'm O +just O just O +a O a O +bot O bot O +, O , O +there O there O +is O is O +a O a O +group O group O +of O of O +people O people O +who O who O +are O are O +happy O happy O +to O to O +teach O teach O +me O me O +new O new O +things O things O +. O . O + +Let O Let O +them O them O +know O know O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +:sparkles O :sparkles O +: O : O + +You O You O +rock O rock O +! O ! O + +:palm_tree O :palm_tree O +: O : O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +2 O 2 O +commits O commits O +. O . O + +f983b0b O f983b0b B-Code_Block +2.1.0 B-Version 2.1.0 I-Code_Block + +c8f925c O c8f925c B-Code_Block +Fix O Fix I-Code_Block +export O export I-Code_Block +from O from I-Code_Block +definitions O definitions I-Code_Block +. O . I-Code_Block + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +This O This O +pull O pull O +request O request O +was O was O +created O created O +by O by O +greenkeeper.io B-Application greenkeeper.io O +. O . O + +Tired O Tired O +of O of O +seeing O seeing O +this O this O +sponsor O sponsor O +message O message O +? O ? O + +:zap O :zap O +: O : O +greenkeeper B-Code_Block greenkeeper B-Code_Block +upgrade I-Code_Block upgrade I-Code_Block + +Repository_Name O Repository_Name O +: O : O +op-jenkins/op O op-jenkins/op O +-build O -build O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/op-jenkins/op-build/issues/1 O https://github.com/op-jenkins/op-build/issues/1 O + +retest O retest O +this O this O +please O please O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/31 O https://github.com/resin-io-modules/resin-image-fs/issues/31 O + +I O I O +was O was O +expecting O expecting O +this O this O +to O to O +be O be O +trickier O trickier O +, O , O +but O but O +we O we O +do O do O +n't O n't O +use O use O +getPartitions B-Library_Function getPartitions B-Code_Block +, O , O +and O and O +all O all O +the O the O +tests O tests O +still O still O +pass O pass O +, O , O +so O so O +as O as O +far O far O +as O as O +I O I O +can O can O +tell O tell O +this O this O +is O is O +a O a O +simple O simple O +upgrade O upgrade O +? O ? O + +I O I O +'m O 'm O +totally O totally O +fine O fine O +with O with O +that O that O +:tada O :tada O +: O : O + +This O This O +is O is O +part O part O +of O of O +fixing O fixing O +https://github.com/resin-io/resin-cli/issues/704 O https://github.com/resin-io/resin-cli/issues/704 O + +Change-Type O Change-Type O +: O : O +minor O minor O + +Repository_Name O Repository_Name O +: O : O +citi-onboarding/mandacaruBack O citi-onboarding/mandacaruBack O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/citi-onboarding/mandacaruBack/issues/1 O https://github.com/citi-onboarding/mandacaruBack/issues/1 O + +-Cliente O -Cliente O +mandar O mandar O +vídeo O vídeo O +promocional O promocional O +-Cliente O -Cliente O +mandar O mandar O +forms O forms O +de O de O +cadastro O cadastro O +para O para O +processo O processo O +seletivo O seletivo O +e O e O +para O para O +se O se O +tornar O tornar O +patrocinador O patrocinador O +. O . O + +-Cliente O -Cliente O +mandar O mandar O +links O links O +de O de O +redes O redes O +sociais O sociais O +. O . O + +-Conversar O -Conversar O +com O com O +cliente O cliente O +sobre O sobre O +famicon O famicon O + +Repository_Name O Repository_Name O +: O : O +numen31337/AKVideoImageView O numen31337/AKVideoImageView O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/numen31337/AKVideoImageView/issues/6 O https://github.com/numen31337/AKVideoImageView/issues/6 O + +Hey O Hey O +@cutmaster B-User_Name @cutmaster O +, O , O +looks O looks O +like O like O +I O I O +ca O ca O +n't O n't O +reproduce O reproduce O +this O this O +leak O leak O +. O . O + +Could O Could O +you O you O +please O please O +provide O provide O +me O me O +with O with O +some O some O +sample O sample O +project O project O +where O where O +I O I O +can O can O +see O see O +this O this O +leak O leak O +and O and O +debug O debug O +it O it O +. O . O + +Here O Here O +are O are O +2 O 2 O +minutes O minutes O +of O of O +the O the O +sample O sample O +project O project O +activity O activity O +on O on O +my O my O +device O device O +: O : O + +Repository_Name O Repository_Name O +: O : O +civey/where O civey/where O +-should-we-eat O -should-we-eat O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/civey/where-should-we-eat/issues/2 O https://github.com/civey/where-should-we-eat/issues/2 O + +This O This O +needs O needs O +a O a O +build O build O +process O process O +! O ! O + +Like O Like O +WTF O WTF O +, O , O +it O it O +'s O 's O +2017 O 2017 O +. O . O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/8 O https://github.com/LucieSteiner/AMT_feature1/issues/8 O + +At O At O +the O the O +moment O moment O +, O , O +the O the O +filter O filter O +only O only O +applies O applies O +to O to O +a O a O +very O very O +specific O specific O +url O url O +: O : O + + B-Code_Block B-Code_Block +ProtectedServlet I-Code_Block ProtectedServlet I-Code_Block +/protected I-Code_Block /protected I-Code_Block + I-Code_Block I-Code_Block + +As O As O +the O the O +application O application O +grows O grows O +, O , O +you O you O +will O will O +have O have O +more O more O +than O than O +one O one O +protected O protected O +page B-User_Interface_Element page O +. O . O + +You O You O +might O might O +have O have O +to O to O +change O change O +to O to O +/protected/ B-Code_Block /protected/ B-Code_Block +* I-Code_Block * I-Code_Block +or O or O +find O find O +another O another O +way O way O +to O to O +attach O attach O +your O your O +filter O filter O +to O to O +the O the O +right O right O +spot O spot O +. O . O + +Repository_Name O Repository_Name O +: O : O +McMenemy/GoDoRP O McMenemy/GoDoRP O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/McMenemy/GoDoRP/issues/7 O https://github.com/McMenemy/GoDoRP/issues/7 O + +I O I O +do O do O +n't O n't O +know O know O +how O how O +you O you O +( O ( O +or O or O +I) O I) O +did O did O +this O this O +but O but O +containers O containers O +wo O wo O +n't O n't O +connect O connect O +to O to O +the O the O +internet O internet O +. O . O + +After O After O +cloning O cloning O +project O project O +and O and O +doing O doing O + +docker-compose O docker-compose O +up O up O +--build O --build O + +all O all O +I O I O +get O get O +is O is O +this O this O +for O for O +frontend O frontend O +: O : O + +npm O npm O +ERR O ERR O +! O ! O + +code O code O +ENOTFOUND O ENOTFOUND O +npm O npm O +ERR O ERR O +! O ! O + +errno O errno O +ENOTFOUND O ENOTFOUND O +npm O npm O +ERR O ERR O +! O ! O + +network O network O +request O request O +to O to O +https://registry.npmjs.org/react O https://registry.npmjs.org/react O +failed O failed O +, O , O +reason O reason O +: O : O +getaddrinfo O getaddrinfo O +ENOTFOUND O ENOTFOUND O +registry.npmjs.org O registry.npmjs.org O +registry.npmjs.org:443 O registry.npmjs.org:443 O +npm O npm O +ERR O ERR O +! O ! O + +network O network O +This O This O +is O is O +a O a O +problem O problem O +related O related O +to O to O +network O network O +connectivity O connectivity O +. O . O + +npm O npm O +ERR O ERR O +! O ! O + +network O network O +In O In O +most O most O +cases O cases O +you O you O +are O are O +behind O behind O +a O a O +proxy O proxy O +or O or O +have O have O +bad O bad O +network O network O +settings O settings O +. O . O + +npm O npm O +ERR O ERR O +! O ! O + +network O network O +npm O npm O +ERR O ERR O +! O ! O + +network O network O +If O If O +you O you O +are O are O +behind O behind O +a O a O +proxy O proxy O +, O , O +please O please O +make O make O +sure O sure O +that O that O +the O the O +npm O npm O +ERR O ERR O +! O ! O + +network O network O +' O ' O +proxy O proxy O +' O ' O +config O config O +is O is O +set O set O +properly O properly O +. O . O + +See O See O +: O : O +' O ' O +npm O npm O +help O help O +config O config O +' O ' O + +npm O npm O +ERR O ERR O +! O ! O + +A O A O +complete O complete O +log O log O +of O of O +this O this O +run O run O +can O can O +be O be O +found O found O +in O in O +: O : O +npm O npm O +ERR O ERR O +! O ! O + +/root/.npm/_logs/2018 O /root/.npm/_logs/2018 O +-08-25T15_17_34_837Z-debug.log O -08-25T15_17_34_837Z-debug.log O +ERROR O ERROR O +: O : O +Service O Service O +' O ' O +frontend O frontend O +' O ' O +failed O failed O +to O to O +build O build O +: O : O +The O The O +command O command O +' O ' O +/bin/sh O /bin/sh O +-c O -c O +npm O npm O +install O install O +' O ' O +returned O returned O +a O a O +non-zero O non-zero O +code O code O +: O : O +1 O 1 O + +and O and O +this O this O +for O for O +api B-Library api O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_21841 I-Code_Block GR_21841 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Setup O Setup O +: O : O + +docker B-Application docker O +version O version O +Client O Client O +: O : O +Version O Version O +: O : O +1.13.1 B-Version 1.13.1 O +API B-Library API O +version O version O +: O : O +1.26 O 1.26 O +Go B-Language Go O +version O version O +: O : O +go1.6.2 B-Version go1.6.2 O +Git B-Application Git O +commit O commit O +: O : O +092cba3 O 092cba3 O +Built O Built O +: O : O +Thu O Thu O +Nov O Nov O +2 O 2 O +20:40:23 O 20:40:23 O +2017 O 2017 O +OS/Arch O OS/Arch O +: O : O +linux/amd64 O linux/amd64 O + +Server B-Application Server O +: O : O +Version O Version O +: O : O +1.13.1 B-Version 1.13.1 O +API B-Library API O +version O version O +: O : O +1.26 B-Version 1.26 O +( O ( O +minimum O minimum O +version O version O +1.12 B-Version 1.12 O +) O ) O +Go B-Language Go O +version O version O +: O : O +go1.6.2 B-Version go1.6.2 O +Git B-Application Git O +commit O commit O +: O : O +092cba3 O 092cba3 O +Built O Built O +: O : O +Thu O Thu O +Nov O Nov O +2 O 2 O +20:40:23 O 20:40:23 O +2017 O 2017 O +OS/Arch O OS/Arch O +: O : O +linux/amd64 B-Operating_System linux/amd64 O +Experimental O Experimental O +: O : O +false O false O + +docker-compose B-Application docker-compose O +version O version O +docker-compose B-Application docker-compose O +version O version O +1.21.2 B-Version 1.21.2 O +, O , O +build O build O +a133471 O a133471 O +docker-py B-Library docker-py O +version O version O +: O : O +3.3.0 B-Version 3.3.0 O +CPython B-Language CPython O +version O version O +: O : O +3.6.5 B-Version 3.6.5 O +OpenSSL B-Library OpenSSL O +version O version O +: O : O +OpenSSL B-Library OpenSSL O +1.0.1t B-Version 1.0.1t O +3 O 3 O +May O May O +2016 O 2016 O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/9 O https://github.com/zeroepoch/plotbitrate/issues/9 O + +Hi O Hi O +, O , O +could O could O +you O you O +please O please O +consider O consider O +support O support O +for O for O +unknown O unknown O +frames O frames O +. O . O + +ffprobe B-Application ffprobe O +spits O spits O +them O them O +out O out O +as O as O +pict_type O pict_type O +="?" O ="?" O + +It O It O +can O can O +happen O happen O +for O for O +fairly O fairly O +new O new O +codecs O codecs O +, O , O +currently O currently O +ffmpeg B-Application ffmpeg O +does O does O +not O not O +know O know O +the O the O +frame O frame O +types O types O +of O of O +AV1 B-File_Type AV1 O +video O video O +for O for O +example O example O +. O . O + +Thanks O Thanks O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/30 O https://github.com/mapbox/tile-count/issues/30 O + +-s24 B-Code_Block -s24 B-Code_Block +has O has O +been O been O +running O running O +all O all O +night O night O +and O and O +still O still O +has O has O +one O one O +thread O thread O +finishing O finishing O +up O up O +, O , O +but O but O +it O it O +has O has O +n't O n't O +crashed O crashed O +or O or O +had O had O +memory B-Device memory O +consumption O consumption O +blow O blow O +up O up O +. O . O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/7 O https://github.com/zeroepoch/plotbitrate/issues/7 O + +Works O Works O +now O now O +, O , O +it O it O +ignores O ignores O +the O the O +attached O attached O +images B-User_Interface_Element images O +and O and O +processes O processes O +the O the O +video O video O +frames O frames O +Thanks O Thanks O +for O for O +fixing O fixing O +it O it O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/22 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/22 O + +Add O Add O +ap-northeast-2 B-Code_Block ap-northeast-2 O +region(Seoul) O region(Seoul) O + +Repository_Name O Repository_Name O +: O : O +google-ar/arcore O google-ar/arcore O +-unreal-sdk O -unreal-sdk O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/google-ar/arcore-unreal-sdk/issues/3 O https://github.com/google-ar/arcore-unreal-sdk/issues/3 O + +I O I O +'ve O 've O +downloaded O downloaded O +this O this O +project O project O +and O and O +open O open O +it O it O +in O in O +UE4.18.3 B-Application UE4.18.3 O +( O ( O +the O the O +GitHub B-Website GitHub O +version O version O +) O ) O +. O . O + +I O I O +got O got O +" O " O +Recompile B-Error_Name Recompile O +project I-Error_Name project O +from I-Error_Name from O +source I-Error_Name source O +" O " O +. O . O + +And O And O +Compile B-Error_Name Compile O +error I-Error_Name error O +. O . O + +I O I O +cannot O cannot O +open O open O +it O it O +. O . O + +Which O Which O +Engine B-Application Engine O +version O version O +does O does O +this O this O +project O project O +support O support O +?? O ?? O +? O ? O + +? O ? O + +Repository_Name O Repository_Name O +: O : O +lobbin/chrome O lobbin/chrome O +-die2nitemapupdater O -die2nitemapupdater O + +Repository_Link O Repository_Link O +: O : O +https://github.com/lobbin/chrome-die2nitemapupdater O https://github.com/lobbin/chrome-die2nitemapupdater O + +Google B-Application Google O +Chrome I-Application Chrome O +extension O extension O +for O for O +updating O updating O +Die2nite B-Application Die2nite O +Map B-User_Interface_Element Map O +Viewer I-User_Interface_Element Viewer O + +http://die2nite.gamerz.org.uk/ O http://die2nite.gamerz.org.uk/ O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/12 O https://github.com/rcfbanalysis/rcfbscraper/issues/12 O + +Adding O Adding O +new O new O +teams O teams O +is O is O +a O a O +pain O pain O +, O , O +Also O Also O +when O when O +teams O teams O +have O have O +the O the O +same O same O +abbreviation O abbreviation O +, O , O +We O We O +get O get O +yardage O yardage O +errors O errors O +. O . O + +ie O ie O +Arizona O Arizona O +and O and O +arizona O arizona O +state O state O +share O share O +" O " O +ARIZ O ARIZ O +" O " O +as O as O +an O an O +abbreviation O abbreviation O +, O , O +But O But O +it O it O +goes O goes O +down O down O +as O as O +azst O azst O +in O in O +an O an O +arizona O arizona O +game O game O +, O , O +causing O causing O +us O us O +to O to O +put O put O +plays O plays O +on O on O +wrong O wrong O +side O side O +of O of O +50 O 50 O +yard O yard O +line O line O +. O . O + +We O We O +need O need O +to O to O +re-think O re-think O +the O the O +way O way O +these O these O +abbreviations O abbreviations O +are O are O +done O done O +, O , O +Ideally O Ideally O +dynamically O dynamically O +since O since O +we O we O +know O know O +who O who O +is O is O +playing O playing O +. O . O + +Repository_Name O Repository_Name O +: O : O +SUSTC/sustech O SUSTC/sustech O +-slides O -slides O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SUSTC/sustech-slides/issues/1 O https://github.com/SUSTC/sustech-slides/issues/1 O + +@Spacebody B-User_Name @Spacebody O +it O it O +is O is O +more O more O +appropriate O appropriate O +to O to O +consolidate O consolidate O +all O all O +the O the O +changes O changes O +you O you O +want O want O +to O to O +make O make O +and O and O +squash O squash B-Code_Block +them O them O +into O into O +one O one O +big O big O +commit O commit O +. O . O + +The O The O +coding O coding O +style O style O +needs O needs O +cleanup O cleanup O +as O as O +well O well O +. O . O + +Repository_Name O Repository_Name O +: O : O +diasdavid/interface O diasdavid/interface O +-record-store O -record-store O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/libp2p/interface-record-store/issues/7 O https://github.com/libp2p/interface-record-store/issues/7 O + +Hello O Hello O +lovely O lovely O +humans O humans O +, O , O + +multihashing O multihashing O +just O just O +published O published O +its O its O +new O new O +version O version O +0.2.3 B-Version 0.2.3 O +. O . O + +State O State O + + +Failing O Failing O +tests O tests O +:warning O :warning O +: O : O + + +Dependency O Dependency O + + + +multihashing O multihashing O + + +New O New O +version O version O + + + +0.2.3 B-Version 0.2.3 O + + +Type O Type O + + + +dependency O dependency O + + +This O This O +version O version O +is O is O +covered O covered O +by O by O +your O your O +current O current O +version O version O +range O range O +and O and O +after O after O +updating O updating O +it O it O +in O in O +your O your O +project O project O +the O the O +build O build O +kept O kept O +failing O failing O +. O . O + +It O It O +looks O looks O +like O like O +your O your O +project O project O +, O , O +in O in O +its O its O +current O current O +form O form O +, O , O +is O is O +malfunctioning O malfunctioning O +and O and O +this O this O +update O update O +did O did O +n't O n't O +really O really O +change O change O +that O that O +. O . O + +I O I O +do O do O +n't O n't O +want O want O +to O to O +leave O leave O +you O you O +in O in O +the O the O +dark O dark O +about O about O +updates O updates O +though O though O +. O . O + +I O I O +recommend O recommend O +you O you O +get O get O +your O your O +project O project O +passing O passing O +and O and O +then O then O +check O check O +the O the O +impact O impact O +of O of O +this O this O +update O update O +again O again O +. O . O + +Do O Do O +you O you O +have O have O +any O any O +ideas O ideas O +how O how O +I O I O +could O could O +improve O improve O +these O these O +pull O pull O +requests O requests O +? O ? O + +Did O Did O +I O I O +report O report O +anything O anything O +you O you O +think O think O +is O is O +n't O n't O +right O right O +? O ? O + +Are O Are O +you O you O +unsure O unsure O +about O about O +how O how O +things O things O +are O are O +supposed O supposed O +to O to O +work O work O +? O ? O + +There O There O +is O is O +a O a O +collection O collection O +of O of O +frequently O frequently O +asked O asked O +questions O questions O +and O and O +while O while O +I O I O +'m O 'm O +just O just O +a O a O +bot O bot O +, O , O +there O there O +is O is O +a O a O +group O group O +of O of O +people O people O +who O who O +are O are O +happy O happy O +to O to O +teach O teach O +me O me O +new O new O +things O things O +. O . O + +Let O Let O +them O them O +know O know O +. O . O + +Good O Good O +luck O luck O +with O with O +your O your O +project O project O +:sparkles O :sparkles O +: O : O + +You O You O +rock O rock O +! O ! O + +:palm_tree O :palm_tree O +: O : O + +The O The O +new O new O +version O version O +differs O differs O +by O by O +3 O 3 O +commits O commits O +. O . O + +14186b2 B-Code_Block 14186b2 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +release I-Code_Block release I-Code_Block +version I-Code_Block version I-Code_Block +v0.2.3 I-Code_Block v0.2.3 I-Code_Block + +0db8379 B-Code_Block 0db8379 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +update I-Code_Block update I-Code_Block +contributors I-Code_Block contributors I-Code_Block + +4e3cf24 B-Code_Block 4e3cf24 B-Code_Block +chore I-Code_Block chore I-Code_Block +: I-Code_Block : I-Code_Block +new I-Code_Block new I-Code_Block +aegir I-Code_Block aegir I-Code_Block + +See O See O +the O the O +full O full O +diff O diff O +. O . O + +✨ O ✨ O +Try O Try O +the O the O +all O all O +new O new O +Greenkeeper B-Application Greenkeeper O +GitHub B-Website GitHub O +Integration O Integration O +✨ O ✨ O + +With O With O +Integrations O Integrations O +first-class O first-class O +bot O bot O +support O support O +landed O landed O +on O on O +GitHub B-Website GitHub O +and O and O +we O we O +'ve O 've O +rewritten O rewritten O +Greenkeeper B-Application Greenkeeper O +to O to O +take O take O +full O full O +advantage O advantage O +of O of O +it O it O +. O . O + +Simpler O Simpler O +setup O setup O +, O , O +fewer O fewer O +pull-requests O pull-requests O +, O , O +faster O faster O +than O than O +ever O ever O +. O . O + +Screencast O Screencast O +Try O Try O +it O it O +today O today O +. O . O + +Free O Free O +for O for O +private O private O +repositories O repositories O +during O during O +beta O beta O +. O . O + +Repository_Name O Repository_Name O +: O : O +wsdookadr/overflow O wsdookadr/overflow O +-checker O -checker O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/wsdookadr/fieldtop/issues/7 O https://github.com/wsdookadr/fieldtop/issues/7 O + +I O I O +also O also O +think O think O +that O that O +the O the O +filter O filter O +to O to O +check O check O +parameters O parameters O +validity O validity O +is O is O +not O not O +needed O needed O +, O , O +we O we O +get O get O +the O the O +data O data O +from O from O +the O the O +mysql B-Application mysql O +information O information O +schema O schema O +: O : O +the O the O +values O values O +are O are O +valid O valid O +. O . O + +Repository_Name O Repository_Name O +: O : O +thehyve/puppet O thehyve/puppet O +-i2b2 O -i2b2 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/thehyve/puppet-i2b2/issues/4 O https://github.com/thehyve/puppet-i2b2/issues/4 O + +index.php B-File_Name index.php B-Code_Block +has O has O +a O a O +whitelist O whitelist O +for O for O +validating O validating O +endpoints O endpoints O +, O , O +but O but O +by O by O +default O default O +it O it O +accepts O accepts O +all O all O +destinations O destinations O +starting O starting O +with O with O +http:// O http:// B-Code_Block +. O . O + +This O This O +is O is O +obviously O obviously O +a O a O +problem O problem O +. O . O + +It O It O +'s O 's O +probably O probably O +best O best O +to O to O +completely O completely O +replace O replace O +index.php B-File_Name index.php B-Code_Block +with O with O +puppet B-Application puppet O +. O . O + +The O The O +very O very O +idea O idea O +of O of O +proxying O proxying O +all O all O +requests O requests O +through O through O +PHP B-Language PHP O +is O is O +itself O itself O +very O very O +questionable O questionable O +( O ( O +not O not O +very O very O +scalable O scalable O +) O ) O +, O , O +but O but O +besides O besides O +that O that O +the O the O +code O code O +is O is O +crap O crap O +at O at O +many O many O +levels O levels O +, O , O +perhaps O perhaps O +the O the O +most O most O +significant O significant O +of O of O +all O all O +in O in O +that O that O +it O it O +buffers O buffers O +the O the O +whole O whole O +result O result O +in O in O +memory O memory O +before O before O +it O it O +starts O starts O +to O to O +output O output O +it O it O +, O , O +and O and O +it O it O +could O could O +be O be O +also O also O +be O be O +easily O easily O +improved O improved O +in O in O +that O that O +respect O respect O +. O . O + +Repository_Name O Repository_Name O +: O : O +Forneus/programmering O Forneus/programmering O +-a-inlamningar O -a-inlamningar O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/Forneus/programmering-a-inlamningar/issues/10 O https://github.com/Forneus/programmering-a-inlamningar/issues/10 O + +För O För O +att O att O +kunna O kunna O +välja O välja O +font O font O +, O , O +så O så O +har O har O +jag O jag O +lagt O lagt O +till O till O +två O två O +metoder O metoder O +i O i O +libbet O libbet O +. O . O + +Lägg O Lägg O +in O in O +dessa O dessa O +efter O efter O +getCurColor O getCurColor O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_49755 I-Code_Block GR_49755 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository_Name O Repository_Name O +: O : O +foolhardy1729/hello O foolhardy1729/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/foolhardy1729/hello-world/issues/1 O https://github.com/foolhardy1729/hello-world/issues/1 O + +I O I O +APPROVE O APPROVE O +, O , O +PUNY O PUNY O +HUMAN O HUMAN O +. O . O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/117 O https://github.com/katzer/cordova-plugin-background-mode/issues/117 O + +My O My O +app O app O +must O must O +keep O keep O +playing O playing O +sounds O sounds O +in O in O +background O background O +mode O mode O +. O . O + +This O This O +works O works O +pretty O pretty O +well O well O +in O in O +ios B-Operating_System ios O +8 B-Version 8 O +but O but O +in O in O +ios B-Operating_System ios O +9 B-Version 9 O +after O after O +the O the O +phone B-Device phone O +lock O lock O +, O , O +the O the O +sound O sound O +keeps O keeps O +playing O playing O +for O for O +one O one O +minute O minute O +and O and O +after O after O +this O this O +time O time O +, O , O +it O it O +stops O stops O +. O . O + +It O It O +works O works O +in O in O +iphone B-Device iphone O +simulator O simulator O +but O but O +not O not O +in O in O +the O the O +real O real O +device O device O +. O . O + +After O After O +I O I O +lock O lock O +the O the O +device O device O +, O , O +the O the O +sound O sound O +keeps O keeps O +playing O playing O +for O for O +about O about O +1 O 1 O +minute O minute O +and O and O +after O after O +this O this O +, O , O +the O the O +sound O sound O +stops O stops O +. O . O + +The O The O +log O log O +says O says O +: O : O +Message O Message O +from O from O +debugger O debugger O +: O : O +Terminated O Terminated O +due O due O +to O to O +signal B-Error_Name signal O +9 I-Error_Name 9 O +. O . O + +The O The O +issue O issue O +happens O happens O +only O only O +in O in O +ios B-Operating_System ios O +>= O >= O +9.x B-Version 9.x O + +Repository_Name O Repository_Name O +: O : O +TSSaint/MemoryGame O TSSaint/MemoryGame O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/TSSaint/MemoryGame/issues/2 O https://github.com/TSSaint/MemoryGame/issues/2 O + +[ O [ O +x O x O +] O ] O +need O need O +to O to O +add O add O +event O event O +listeners O listeners O +[ O [ O +x O x O +] O ] O +needs O needs O +more O more O +logic O logic O + +[ O [ O +? O ? O +] O ] O + +add O add O +more O more O +card O card O +selections O selections O +in O in O +the O the O +future O future O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/7 O https://github.com/LucieSteiner/AMT_feature1/issues/7 O + +You O You O +can O can O +customize O customize O +Netbeans B-Application Netbeans O +not O not O +to O to O +generate O generate O +these O these O +headers O headers O +. O . O + +Repository_Name O Repository_Name O +: O : O +andrewlundy/hello O andrewlundy/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/andrewlundy/hello-world/issues/1 O https://github.com/andrewlundy/hello-world/issues/1 O + +Completing O Completing O +first O first O +pull O pull O +request O request O +. O . O + +Repository_Name O Repository_Name O +: O : O +logstash-plugins/logstash O logstash-plugins/logstash O +-mixin-aws O -mixin-aws O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/logstash-plugins/logstash-mixin-aws/issues/8 O https://github.com/logstash-plugins/logstash-mixin-aws/issues/8 O + +I O I O +converted O converted O +the O the O +output-sqs-plugin B-Application output-sqs-plugin O +to O to O +the O the O +v2 B-Version v2 O +api B-Library api O +just O just O +to O to O +start O start O +the O the O +transition O transition O +to O to O +the O the O +v2-sdk B-Application v2-sdk O +and O and O +to O to O +see O see O +where O where O +the O the O +whole O whole O +process O process O +is O is O +going O going O +. O . O + +I O I O +'m O 'm O +planing O planing O +to O to O +update O update O +the O the O +input-sqs B-Application input-sqs O +plugin I-Application plugin O +pretty O pretty O +soon O soon O +as O as O +well O well O +. O . O + +You O You O +can O can O +find O find O +my O my O +changes O changes O +for O for O +logstash-mixin-aws B-Application logstash-mixin-aws O +under O under O +: O : O +dwagner2301/logstash O dwagner2301/logstash O +-mixin-aws O -mixin-aws O +@e542036e19e29abf48c2a6e51db1f97cb232ad61 O @e542036e19e29abf48c2a6e51db1f97cb232ad61 O +and O and O +the O the O +changes O changes O +the O the O +logstash-outpu-sqs B-Application logstash-outpu-sqs O +repo O repo O +here O here O +: O : O +dwagner2301/logstash O dwagner2301/logstash O +-output-sqs O -output-sqs O +@bd25307de6d3d5237bf10ef217c29c8d1682082f O @bd25307de6d3d5237bf10ef217c29c8d1682082f O + +@ph B-User_Name @ph O +what O what O +do O do O +you O you O +think O think O +about O about O +the O the O +changes O changes O +? O ? O + +Does O Does O +it O it O +look O look O +like O like O +it O it O +'s O 's O +going O going O +in O in O +the O the O +right O right O +direction O direction O +? O ? O + +If O If O +not O not O +, O , O +what O what O +should O should O +be O be O +done O done O +differently O differently O +? O ? O + +Repository_Name O Repository_Name O +: O : O +linked-statistics/xkos O linked-statistics/xkos O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/linked-statistics/xkos/issues/13 O https://github.com/linked-statistics/xkos/issues/13 O + +Harmonize O Harmonize O +property O property O +names O names O +( O ( O +covers B-Library_Variable covers O +, O , O +coversExhaustively B-Library_Variable coversExhaustively O +, O , O +coversMutuallyExclusively B-Library_Variable coversMutuallyExclusively O +) O ) O +with O with O +those O those O +used O used O +in O in O +the O the O +UML B-Language UML O +model O model O +. O . O + +Find O Find O +better O better O +names O names O +? O ? O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/3 O https://github.com/moso/flexgrid/issues/3 O + +In O In O +the O the O +demo.html B-File_Name demo.html B-Code_Block +and O and O +on O on O +flexgrid.co B-Website flexgrid.co O +the O the O +content O content O +should O should O +be O be O +inside O inside O +a O a O +container O container O +to O to O +make O make O +it O it O +more O more O +readable O readable O +. O . O + +Repository_Name O Repository_Name O +: O : O +madison-kerndt/off O madison-kerndt/off O +-on-guard-synesthesia O -on-guard-synesthesia O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/madison-kerndt/avant-garde-synesthesia/issues/34 O https://github.com/madison-kerndt/avant-garde-synesthesia/issues/34 O + +None O None O + +Repository_Name O Repository_Name O +: O : O +zeroepoch/plotbitrate O zeroepoch/plotbitrate O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/zeroepoch/plotbitrate/issues/8 O https://github.com/zeroepoch/plotbitrate/issues/8 O + +Signed-off-by O Signed-off-by O +: O : O +Yefu B-User_Name Yefu O +Wang I-User_Name Wang O +yefu.wang@aggios.com O yefu.wang@aggios.com O + +Repository_Name O Repository_Name O +: O : O +johngriebel/go O johngriebel/go O +-sdk O -sdk O + +Repository_Link O Repository_Link O +: O : O +https://github.com/johngriebel/go-sdk O https://github.com/johngriebel/go-sdk O + + +Golang B-Application Golang O +SDK I-Application SDK O + +Golang B-Application Golang O +SDK I-Application SDK O +for O for O +3Blades B-Library 3Blades O +API I-Library API O +. O . O + +Generation O Generation O +command O command O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_9856 I-Code_Block GR_9856 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Copyright O Copyright O +and O and O +license O license O + +Copyright B-Licence Copyright O +© I-Licence © O +2017 I-Licence 2017 O +3Blades I-Licence 3Blades O +, I-Licence , O +LLC I-Licence LLC O +. O . O + +All O All O +rights O rights O +reserved O reserved O +, O , O +except O except O +as O as O +follows O follows O +. O . O + +Code O Code O +is O is O +released O released O +under O under O +the O the O +Apache B-Licence Apache O +2.0 B-Version 2.0 O +license O license O +. O . O + +The O The O +README.md B-File_Name README.md O +file O file O +, O , O +and O and O +files O files O +in O in O +the O the O +" O " O +docs O docs O +" O " O +folder O folder O +are O are O +licensed O licensed O +under O under O +the O the O +Creative B-Licence Creative O +Commons I-Licence Commons O +Attribution I-Licence Attribution O +4.0 B-Version 4.0 O +International O International O +License O License O +under O under O +the O the O +terms O terms O +and O and O +conditions O conditions O +set O set O +forth O forth O +in O in O +the O the O +file O file O +" O " O +LICENSE.docs B-File_Name LICENSE.docs O +" O " O +. O . O + +You O You O +may O may O +obtain O obtain O +a O a O +duplicate O duplicate O +copy O copy O +of O of O +the O the O +same O same O +license O license O +, O , O +titled O titled O +CC-BY-SA-4.0 B-Licence CC-BY-SA-4.0 O +, O , O +at O at O +http://creativecommons.org/licenses/by/4.0/ O http://creativecommons.org/licenses/by/4.0/ O +. O . O + +Repository_Name O Repository_Name O +: O : O +civey/where O civey/where O +-should-we-eat O -should-we-eat O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/civey/where-should-we-eat/issues/1 O https://github.com/civey/where-should-we-eat/issues/1 O + +YASSSS O YASSSS O +! O ! O + +Repository_Name O Repository_Name O +: O : O +moso/flexgrid O moso/flexgrid O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moso/flexgrid/issues/6 O https://github.com/moso/flexgrid/issues/6 O + +Perhaps O Perhaps O +as O as O +a O a O +Vue B-Library Vue O +app O app O +? O ? O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/5 O https://github.com/koding/kd-atom/issues/5 O + +@sinan B-User_Name @sinan O +I O I O +am O am O +thinking O thinking O +about O about O +using O using O +google B-Website google O +analytics I-Website analytics O +here O here O +, O , O +it O it O +'s O 's O +gonna O gonna O +probably O probably O +be O be O +based O based O +on O on O +how O how O +https://github.com/atom/metrics O https://github.com/atom/metrics O +works O works O +. O . O + +I O I O +will O will O +try O try O +to O to O +be O be O +as O as O +generic O generic O +as O as O +possible O possible O +to O to O +make O make O +it O it O +extendable O extendable O +for O for O +future O future O +use O use O +. O . O + +Is O Is O +there O there O +anything O anything O +else O else O +we O we O +want O want O +to O to O +measure O measure O +other O other O +than O than O +remote O remote O +calls O calls O +for O for O +the O the O +first O first O +version O version O +? O ? O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/381 O https://github.com/katzer/cordova-plugin-background-mode/issues/381 O + +@abdelhamidTsouli B-User_Name @abdelhamidTsouli O +did O did O +you O you O +find O find O +any O any O +solution O solution O +for O for O +this O this O +issue O issue O +? O ? O + +Even O Even O +I O I O +am O am O +facing O facing O +the O the O +same O same O +issue O issue O +in O in O +my O my O +app O app O +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/11 O https://github.com/contributte/logging/issues/11 O + +Cool O Cool O +, O , O +thanks O thanks O +. O . O + +Repository_Name O Repository_Name O +: O : O +rcfbanalysis/rcfbscraper O rcfbanalysis/rcfbscraper O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/rcfbanalysis/rcfbscraper/issues/4 O https://github.com/rcfbanalysis/rcfbscraper/issues/4 O + +We O We O +only O only O +want O want O +it O it O +to O to O +be O be O +counted O counted O +as O as O +new O new O +drive O drive O +at O at O +half O half O +, O , O +Currently O Currently O +, O , O +a O a O +drive O drive O +that O that O +is O is O +continuing O continuing O +through O through O +the O the O +1st O 1st O +and O and O +3rd O 3rd O +quarter O quarter O +is O is O +counted O counted O +as O as O +a O a O +new O new O +drive O drive O +. O . O + +This O This O +throws O throws O +off O off O +drive O drive O +counts/statistics O counts/statistics O +. O . O + +This O This O +happens O happens O +in O in O +many O many O +places O places O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/209 O https://github.com/katzer/cordova-plugin-background-mode/issues/209 O + +Other O Other O +apps O apps O +audio O audio O +was O was O +interrupted O interrupted O +when O when O +the O the O +background O background O +mode O mode O +was O was O +enabled O enabled O +. O . O + +I O I O +found O found O +the O the O +solution O solution O +on O on O +this O this O +post O post O +http://stackoverflow.com/questions/10180500/how-to-use-kaudiosessionproperty-overridecategorymixwithothers O http://stackoverflow.com/questions/10180500/how-to-use-kaudiosessionproperty-overridecategorymixwithothers O +If O If O +we O we O +do O do O +n't O n't O +disable O disable O +the O the O +audio O audio O +session O session O +before O before O +that O that O +the O the O +option O option O +AVAudioSessionCategoryOptionMixWithOthers B-Library_Variable AVAudioSessionCategoryOptionMixWithOthers O +is O is O +set O set O +, O , O +it O it O +interrupts O interrupts O +the O the O +other O other O +apps O apps O +audio O audio O +. O . O + +Because O Because O +the O the O +category O category O +' O ' O +AVAudioSessionCategoryPlayback B-Library_Variable AVAudioSessionCategoryPlayback O +' O ' O +is O is O +set O set O +and O and O +by O by O +default O default O +the O the O +session O session O +is O is O +already O already O +active O active O +and O and O +this O this O +category O category O +interrupts O interrupts O +other O other O +apps O apps O +audio O audio O +without O without O +the O the O +option O option O +' O ' O +mix B-Variable_Name mix O +with I-Variable_Name with O +others I-Variable_Name others O +' O ' O +. O . O + +Repository_Name O Repository_Name O +: O : O +StarkMike/Lab3 O StarkMike/Lab3 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/StarkMike/Lab3/issues/1 O https://github.com/StarkMike/Lab3/issues/1 O + +Added O Added O +a O a O +default O default O +Readme B-File_Name Readme O +file O file O +to O to O +project O project O +. O . O + +Repository_Name O Repository_Name O +: O : O +HackClub-SLHS/HackClub O HackClub-SLHS/HackClub O +-Website O -Website O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/HackClub-SLHS/HackClub-Website/issues/20 O https://github.com/HackClub-SLHS/HackClub-Website/issues/20 O + +background O background O +image B-User_Interface_Element image O +, O , O +better O better O +look O look O + +Repository_Name O Repository_Name O +: O : O +svenstaro/flamejam O svenstaro/flamejam O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/svenstaro/flamejam/issues/21 O https://github.com/svenstaro/flamejam/issues/21 O + +Rating O Rating O +progress O progress O +is O is O +invalid O invalid O +if O if O +you O you O +have O have O +submitted O submitted O +own O own O +game O game O +. O . O + +It O It O +does O does O +n't O n't O +remove O remove O +your O your O +game O game O +from O from O +the O the O +total O total O +number O number O +of O of O +games O games O +you O you O +have O have O +to O to O +still O still O +review O review O +. O . O + +Rating O Rating O +progress O progress O +: O : O +2 O 2 O +/ O / O +4 O 4 O +rated O rated O + +I O I O +have O have O +rated O rated O +2 O 2 O +games O games O +while O while O +I O I O +only O only O +have O have O +one O one O +left O left O +. O . O + +One O One O +game O game O +is O is O +mine O mine O +. O . O + +Repository_Name O Repository_Name O +: O : O +cjcliffe/CubicSDR O cjcliffe/CubicSDR O +-flatpak O -flatpak O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/cjcliffe/CubicSDR-flatpak/issues/4 O https://github.com/cjcliffe/CubicSDR-flatpak/issues/4 O + +3.22 B-Version 3.22 O +is O is O +currently O currently O +the O the O +latest O latest O +stable O stable O +version O version O +of O of O +that O that O +runtime O runtime O +. O . O + +A O A O +lot O lot O +more O more O +apps O apps O +use O use O +it O it O +than O than O +the O the O +3.20 B-Version 3.20 O +runtime O runtime O +, O , O +so O so O +more O more O +users O users O +are O are O +likely O likely O +to O to O +have O have O +it O it O +installed O installed O +already O already O +. O . O + +Repository_Name O Repository_Name O +: O : O +gigitux/vesuvianabot O gigitux/vesuvianabot O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/gigitux/vesuvianabot/issues/7 O https://github.com/gigitux/vesuvianabot/issues/7 O + +When O When O +asked O asked O +for O for O +the O the O +time O time O +, O , O +add O add O +the O the O +button B-User_Interface_Element button O +now O now O + +Repository_Name O Repository_Name O +: O : O +SivanMehta/wander O SivanMehta/wander O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/SivanMehta/wander/issues/8 O https://github.com/SivanMehta/wander/issues/8 O + +I O I O +just O just O +have O have O +one O one O +small O small O +qualm O qualm O +. O . O + +It O It O +took O took O +me O me O +~ O ~ O +30 O 30 O +seconds O seconds O +to O to O +checkout O checkout B-Code_Block +the O the O +files O files O +in O in O +Wireframes:UserResearch/Wireframes B-Code_Block Wireframes:UserResearch/Wireframes B-Code_Block +because O because O +the O the O +.gif B-File_Type .gif B-Code_Block +and O and O +the O the O +.mov B-File_Type .mov B-Code_Block +files O files O +were O were O +incredibly O incredibly O +bulky O bulky O +. O . O + +Can O Can O +you O you O +host O host O +them O them O +elsewhere O elsewhere O +? O ? O + +In O In O +a O a O +production O production O +setting O setting O +we O we O +really O really O +do O do O +not O not O +need O need O +wireframes O wireframes O +, O , O +and O and O +these O these O +files O files O +just O just O +slow O slow O +down O down O +the O the O +entire O entire O +repo O repo O +-> O -> O +server B-Application server O +-> O -> O +deploy O deploy O +transaction O transaction O +. O . O + +Functionally O Functionally O +though O though O +, O , O +the O the O +UI O UI O +changes O changes O +look O look O +fantastic O fantastic O +, O , O +nice O nice O +work O work O +! O ! O + +🎉 O 🎉 O + +Repository_Name O Repository_Name O +: O : O +mjacobus/carrasco O mjacobus/carrasco O + +Repository_Link O Repository_Link O +: O : O +https://github.com/mjacobus/carrasco O https://github.com/mjacobus/carrasco O + +Carrasco B-Application Carrasco O + +Heartless O Heartless O +and O and O +easy O easy O +script O script O +execution O execution O +. O . O + +Simple O Simple O +task O task O +runner O runner O +, O , O +yaml B-Language yaml O +config O config O +file O file O +. O . O + +Motivation O Motivation O +: O : O + +Often O Often O +in O in O +projects O projects O +we O we O +have O have O +./bin B-File_Name ./bin O +folder O folder O +with O with O +project O project O +related O related O +scripts O scripts O +. O . O + +On O On O +top O top O +of O of O +that O that O +there O there O +'s O 's O +grunt B-Application grunt O +, O , O +rake B-Application rake O +, O , O +composer B-Application composer O +.. O .. O +. O . O +sass B-Language sass O +compilation O compilation O +tasks O tasks O +.. O .. O +. O . O + +When O When O +trying O trying O +to O to O +figure O figure O +out O out O +what O what O +script/task O script/task O +to O to O +run O run O +we O we O +have O have O +to O to O +check O check O +many O many O +sources O sources O +. O . O + +Then O Then O +I O I O +decided O decided O +to O to O +make O make O +it O it O +simpler O simpler O +and O and O +a O a O +bit O bit O +more O more O +organized O organized O +. O . O + +Now O Now O +we O we O +can O can O +run O run O + +carrasco B-Application carrasco B-Code_Block +and O and O +all O all O +tasks O tasks O +will O will O +be O be O +listed O listed O +. O . O + +Well O Well O +, O , O +all O all O +of O of O +the O the O +tasks O tasks O +listed O listed O +in O in O +the O the O + +.carrasco.yml B-File_Type .carrasco.yml B-Code_Block +file O file O +anyway O anyway O +. O . O + +Installation O Installation O + +Add O Add O +this O this O +line O line O +to O to O +your O your O +application O application O +'s O 's O +Gemfile B-File_Type Gemfile O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140289 I-Code_Block GR_140289 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +then O then O +execute O execute O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140290 I-Code_Block GR_140290 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +install O install O +it O it O +yourself O yourself O +as O as O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140291 I-Code_Block GR_140291 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Usage O Usage O + +Given O Given O +you O you O +have O have O +a O a O +config O config O +file O file O +like O like O +the O the O +following O following O +in O in O +the O the O +root O root O +of O of O +your O your O +project O project O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140292 I-Code_Block GR_140292 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +execute O execute O +: O : O + +1 O 1 O +- O - O +If O If O +you O you O +installed O installed O +with O with O +gem B-Code_Block gem B-Code_Block +install I-Code_Block install I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140293 I-Code_Block GR_140293 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +2 O 2 O +- O - O +If O If O +you O you O +used O used O +bundler B-Application bundler O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +GR_140294 I-Code_Block GR_140294 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Development O Development O + +After O After O +checking O checking O +out O out O +the O the O +repo O repo O +, O , O +run O run O +bin/setup B-Code_Block bin/setup B-Code_Block +to O to O +install O install O +dependencies O dependencies O +. O . O + +Then O Then O +, O , O +run O run O +rake B-Code_Block rake B-Code_Block +test I-Code_Block test I-Code_Block +to O to O +run O run O +the O the O +tests O tests O +. O . O + +You O You O +can O can O +also O also O +run O run O +bin/console B-Code_Block bin/console B-Code_Block +for O for O +an O an O +interactive O interactive O +prompt O prompt O +that O that O +will O will O +allow O allow O +you O you O +to O to O +experiment O experiment O +. O . O + +To O To O +install O install O +this O this O +gem O gem O +onto O onto O +your O your O +local O local O +machine O machine O +, O , O +run O run O +bundle B-Code_Block bundle B-Code_Block +exec I-Code_Block exec I-Code_Block +rake I-Code_Block rake I-Code_Block +install I-Code_Block install I-Code_Block +. O . O + +To O To O +release O release O +a O a O +new O new O +version O version O +, O , O +update O update O +the O the O +version O version O +number O number O +in O in O +version.rb B-Code_Block version.rb B-Code_Block +, O , O +and O and O +then O then O +run O run O +bundle B-Code_Block bundle B-Code_Block +exec I-Code_Block exec I-Code_Block +rake I-Code_Block rake I-Code_Block +release I-Code_Block release I-Code_Block +, O , O +which O which O +will O will O +create O create O +a O a O +git B-Application git O +tag O tag O +for O for O +the O the O +version O version O +, O , O +push O push O +git B-Application git O +commits O commits O +and O and O +tags O tags O +, O , O +and O and O +push O push O +the O the O +.gem B-File_Type .gem B-Code_Block +file O file O +to O to O +rubygems.org B-Website rubygems.org O +. O . O + +Contributing O Contributing O + +Bug O Bug O +reports O reports O +and O and O +pull O pull O +requests O requests O +are O are O +welcome O welcome O +on O on O +GitHub B-Website GitHub O +at O at O +https://github.com/mjacobus/carrasco O https://github.com/mjacobus/carrasco O +. O . O + +This O This O +project O project O +is O is O +intended O intended O +to O to O +be O be O +a O a O +safe O safe O +, O , O +welcoming O welcoming O +space O space O +for O for O +collaboration O collaboration O +, O , O +and O and O +contributors O contributors O +are O are O +expected O expected O +to O to O +adhere O adhere O +to O to O +the O the O +Contributor O Contributor O +Covenant O Covenant O +code O code O +of O of O +conduct O conduct O +. O . O + +License O License O + +The O The O +gem O gem O +is O is O +available O available O +as O as O +open O open O +source O source O +under O under O +the O the O +terms O terms O +of O of O +the O the O +MIT B-Licence MIT O +License I-Licence License O +. O . O + +Repository_Name O Repository_Name O +: O : O +koding/kd O koding/kd O +-atom O -atom O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/koding/kd-atom/issues/12 O https://github.com/koding/kd-atom/issues/12 O + +please O please O +do O do O +another O another O +commit O commit O +updating O updating O +version O version O +and O and O +make O make O +it O it O +publish O publish O +ready O ready O +. O . O + +Repository_Name O Repository_Name O +: O : O +spacetelescope/specview O spacetelescope/specview O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/spacetelescope/specview/issues/33 O https://github.com/spacetelescope/specview/issues/33 O + +Just O Just O +really O really O +minor O minor O +interactive O interactive O +cleanup O cleanup O +. O . O + +Since O Since O +it O it O +was O was O +discussed O discussed O +at O at O +the O the O +demo O demo O +meeting O meeting O +, O , O +went O went O +with O with O +the O the O +name O name O +' O ' O +sview B-Class_Name sview O +' O ' O +as O as O +the O the O +command O command O +and O and O +entry O entry O +point O point O +class O class O +. O . O + +Repository_Name O Repository_Name O +: O : O +mapbox/tile O mapbox/tile O +-count O -count O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/mapbox/tile-count/issues/30 O https://github.com/mapbox/tile-count/issues/30 O + +This O This O +feels O feels O +sort O sort O +of O of O +like O like O +the O the O +problem O problem O +I O I O +used O used O +to O to O +run O run O +into O into O +on O on O +32-bit O 32-bit O +PAE B-Application PAE O +Linux B-Operating_System Linux O +, O , O +where O where O +even O even O +though O though O +there O there O +was O was O +( O ( O +read-only O read-only O +) O ) O +mmapped O mmapped O +memory B-Device memory O +that O that O +ought O ought O +to O to O +be O be O +able O able O +to O to O +be O be O +paged O paged O +out O out O +, O , O +as O as O +the O the O +buffer B-Device buffer O +cache O cache O +grew O grew O +it O it O +would O would O +never O never O +actually O actually O +trigger O trigger O +the O the O +page B-Error_Name page O +out I-Error_Name out O +, O , O +eventually O eventually O +killing O killing O +the O the O +process O process O +because O because O +there O there O +was O was O +only O only O +enough O enough O +memory B-Device memory O +for O for O +the O the O +buffer B-Device buffer O +cache I-Device cache O +and O and O +the O the O +mapped O mapped O +files O files O +, O , O +not O not O +any O any O +programs O programs O +. O . O + +Repository_Name O Repository_Name O +: O : O +contributte/logging O contributte/logging O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/contributte/logging/issues/9 O https://github.com/contributte/logging/issues/9 O + + +Coverage O Coverage O +remained O remained O +the O the O +same O same O +at O at O +44.8 O 44.8 O +% O % O +when O when O +pulling O pulling O +c55d7d1bb9b25f940e581fe1e477fe3e91aa41b0 O c55d7d1bb9b25f940e581fe1e477fe3e91aa41b0 O +on O on O +kralmichal:master O kralmichal:master O +into O into O +ae1747c1c502c24d06bcdaccef5f018be4f6b278 O ae1747c1c502c24d06bcdaccef5f018be4f6b278 O +on O on O +contributte:master O contributte:master O +. O . O + +Repository_Name O Repository_Name O +: O : O +katzer/cordova O katzer/cordova O +-plugin-background-mode O -plugin-background-mode O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/katzer/cordova-plugin-background-mode/issues/117 O https://github.com/katzer/cordova-plugin-background-mode/issues/117 O + +Having O Having O +the O the O +same O same O +issue O issue O +.. O .. O +. O . O + +Repository_Name O Repository_Name O +: O : O +LucieSteiner/AMT_feature1 O LucieSteiner/AMT_feature1 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/LucieSteiner/AMT_feature1/issues/3 O https://github.com/LucieSteiner/AMT_feature1/issues/3 O + +Visually O Visually O +, O , O +there O there O +is O is O +something O something O +wrong O wrong O +in O in O +the O the O +design O design O +of O of O +the O the O +login O login O +form B-User_Interface_Element form O +: O : O + +fields O fields O +take O take O +the O the O +full O full O +width O width O + +vertical O vertical O +spacing O spacing O +is O is O +not O not O +right O right O + +typo O typo O +in O in O +" O " O +Resgister O Resgister O +here O here O +" O " O + +If O If O +you O you O +picked O picked O +a O a O +UI O UI O +template O template O +, O , O +there O there O +is O is O +most O most O +likely O likely O +a O a O +form O form O +component O component O +with O with O +it O it O +. O . O + +Please O Please O +use O use O +it O it O +. O . O + +Repository_Name O Repository_Name O +: O : O +foolhardy1729/hello O foolhardy1729/hello O +-world O -world O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/foolhardy1729/hello-world/issues/1 O https://github.com/foolhardy1729/hello-world/issues/1 O + +Added O Added O +additional O additional O +Nirvana O Nirvana O +lyrics O lyrics O + +Repository_Name O Repository_Name O +: O : O +moxie-lean/ng O moxie-lean/ng O +-patternlab O -patternlab O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/moxie-lean/ng-patternlab/issues/84 O https://github.com/moxie-lean/ng-patternlab/issues/84 O + +Steps O Steps O +to O to O +reproduce O reproduce O +and O and O +a O a O +minimal O minimal O +demo O demo O +of O of O +the O the O +problem O problem O + +Log O Log O +into O into O +the O the O +WP O WP O +version O version O +of O of O +the O the O +site O site O +. O . O + +Wait O Wait O +~ O ~ O +1 O 1 O +day O day O + +Open O Open O +the O the O +web O web O +app O app O + +Current O Current O +behavior O behavior O + +The O The O +admin O admin O +bar B-User_Interface_Element bar O +is O is O +present O present O +but O but O +when O when O +you O you O +click O click O +on O on O +the O the O +bar B-User_Interface_Element bar O +you O you O +are O are O +not O not O +logged O logged O +in O in O +into O into O +the O the O +dashboard B-User_Interface_Element dashboard O +. O . O + +Expected/desired O Expected/desired O +behavior O behavior O + +Bar B-User_Interface_Element Bar O +should O should O +n't O n't O +be O be O +present O present O +or O or O +the O the O +user O user O +should O should O +be O be O +able O able O +to O to O +log O log O +in O in O +. O . O + +Other O Other O +information O information O + +Video O Video O +: O : O +http://snaps.getmoxied.net/450c3M0k0F3Q O http://snaps.getmoxied.net/450c3M0k0F3Q O + +Repository_Name O Repository_Name O +: O : O +lbarasti/gps_app O lbarasti/gps_app O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/lbarasti/gps_app/issues/12 O https://github.com/lbarasti/gps_app/issues/12 O + +NB O NB O +the O the O +message O message O +would O would O +need O need O +a O a O +timestamp O timestamp O +and O and O +a O a O +timeout O timeout O +of O of O +some O some O +kind O kind O + +Repository_Name O Repository_Name O +: O : O +AhmedAMohamed/UberLikeApplicationService O AhmedAMohamed/UberLikeApplicationService O + +Repository_Link O Repository_Link O +: O : O +https://github.com/AhmedAMohamed/UberLikeApplicationService O https://github.com/AhmedAMohamed/UberLikeApplicationService O + +UberLikeApplicationService O UberLikeApplicationService O + +Node B-Application Node O +JS I-Application JS O +Restful B-Library Restful O +APIs I-Library APIs O +for O for O +Uber B-Organization Uber O +like O like O +application O application O +services O services O +# O # O +#Dependencies O #Dependencies O +## O ## O +#Express B-Library #Express O +npm B-Code_Block npm O +install I-Code_Block install O +--save I-Code_Block --save O +express I-Code_Block express O +## O ## O +#Cross O #Cross O +origin O origin O +resource O resource O +sharing O sharing O +npm B-Code_Block npm O +install I-Code_Block install O +--save I-Code_Block --save O +cors I-Code_Block cors O +## O ## O +#Jada B-Application #Jada O +npm B-Code_Block npm O +install I-Code_Block install O +--save I-Code_Block --save O +jada I-Code_Block jada O +## O ## O +#MongoDB B-Application #MongoDB O +npm B-Code_Block npm O +install I-Code_Block install O +--save I-Code_Block --save O +mongodb I-Code_Block mongodb O + +npm B-Code_Block npm O +install I-Code_Block install O +--save I-Code_Block --save O +mongoose I-Code_Block mongoose O + +npm B-Code_Block npm O +install I-Code_Block install O +--save I-Code_Block --save O +kerberos I-Code_Block kerberos O + +Repository_Name O Repository_Name O +: O : O +JonathanPannell/ProgrammeTest_01_01 O JonathanPannell/ProgrammeTest_01_01 O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/JonathanPannell/ProgrammeTest_01_01/issues/1 O https://github.com/JonathanPannell/ProgrammeTest_01_01/issues/1 O + +Priority O Priority O + +P1 O P1 O +- O - O +Fix O Fix O +Now O Now O +P2 O P2 O +- O - O +Fix O Fix O +Today O Today O +P3 O P3 O +- O - O +2 O 2 O +Day O Day O +P4 O P4 O +- O - O +5 O 5 O +Day O Day O +P5 O P5 O +- O - O +10 O 10 O +Day O Day O +P6 O P6 O +- O - O +15 O 15 O +Day O Day O +P7 O P7 O +- O - O +20 O 20 O +Day O Day O +P8 O P8 O +- O - O +20 O 20 O +Day O Day O ++ O + O +P9 O P9 O +- O - O +Next O Next O +Code O Code O +Release O Release O +P10 O P10 O +- O - O +Future O Future O +Road O Road O +Map O Map O + +Repository_Name O Repository_Name O +: O : O +resin-io-modules/resin O resin-io-modules/resin O +-image-fs O -image-fs O + +Issue_Event_Link O Issue_Event_Link O +: O : O +https://github.com/resin-io-modules/resin-image-fs/issues/38 O https://github.com/resin-io-modules/resin-image-fs/issues/38 O + +We O We O +now O now O +do O do O +it O it O +the O the O +Linux B-Operating_System Linux O +way O way O +which O which O +is O is O +just O just O +try O try O +one O one O +fs O fs O +after O after O +another O another O +until O until O +one O one O +works O works O +. O . O + +Include O Include O +tests O tests O +for O for O +images B-User_Interface_Element images O +with O with O +gpt O gpt O +tables O tables O +. O . O + +Change-type O Change-type O +: O : O +patch O patch O +Signed-off-by O Signed-off-by O +: O : O +Theodor B-User_Name Theodor O +Gherzan I-User_Name Gherzan O +theodor@resin.io I-User_Name theodor@resin.io O + diff --git a/ner/data/annotated_ner_data/Readme.md b/ner/data/annotated_ner_data/Readme.md new file mode 100644 index 0000000..fb4aea8 --- /dev/null +++ b/ner/data/annotated_ner_data/Readme.md @@ -0,0 +1,11 @@ +# Data format: + +In datasets are represented in the Conll format. In this format each line of the is in the following format: + + +"\t"+"\t"++"\t" + +The end of sentence is marked with an empty line. + +In each line `NE` represented the human annotated named entity and `` represented the code tags provided by the users who wrote the posts. + + diff --git a/ner/data/annotated_ner_data/StackOverflow/dev.txt b/ner/data/annotated_ner_data/StackOverflow/dev.txt new file mode 100644 index 0000000..692a0c3 --- /dev/null +++ b/ner/data/annotated_ner_data/StackOverflow/dev.txt @@ -0,0 +1,57023 @@ +Question_ID O Question_ID O +: O : O +608721 O 608721 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/608721/ O https://stackoverflow.com/questions/608721/ O + + +Why O Why O +does O does O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_30 I-Code_Block Q_30 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +not O not O +compile O compile O +but O but O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_31 I-Code_Block Q_31 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +compiles O compiles O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +608721 O 608721 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/608721/ O https://stackoverflow.com/questions/608721/ O + + +In O In O +Java B-Language Java O ++ B-Code_Block + O += I-Code_Block = O +operator O operator O +has O has O +an O an O +implicit O implicit O +cast O cast O +to O to O +the O the O +left O left O +hand O hand O +type O type O +. O . O + +This O This O +goes O goes O +for O for O +all O all O +composed O composed O +operators O operators O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +608721 O 608721 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/608721/ O https://stackoverflow.com/questions/608721/ O + + +As O As O +everyone O everyone O +already O already O +stated O stated O +, O , O +the O the O ++ B-Code_Block + O += I-Code_Block = O +has O has O +an O an O +implicit O implicit O +cast O cast O +. O . O + +To O To O +help O help O +illustrate O illustrate O +that O that O +, O , O +I O I O +'m O 'm O +going O going O +to O to O +use O use O +an O an O +app O app O +I O I O +wrote O wrote O +a O a O +while O while O +back O back O +that O that O +is O is O +perfect O perfect O +for O for O +these O these O +types O types O +of O of O +questions O questions O +. O . O + +It O It O +'s O 's O +an O an O +online O online O +disassembler O disassembler O +so O so O +you O you O +can O can O +check O check O +out O out O +the O the O +actual O actual O +bytecode O bytecode O +that O that O +'s O 's O +being O being O +produced O produced O +: O : O +http://javabytes.herokuapp.com/ O http://javabytes.herokuapp.com/ O + +And O And O +a O a O +table B-User_Interface_Element table O +of O of O +their O their O +meanings O meanings O +: O : O + +http://en.wikipedia.org/wiki/Java_bytecode_instruction_listings O http://en.wikipedia.org/wiki/Java_bytecode_instruction_listings O + +So O So O +let O let O +'s O 's O +take O take O +a O a O +look O look O +at O at O +the O the O +bytecode O bytecode O +from O from O +some O some O +simple O simple O +Java B-Language Java O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1923 I-Code_Block A_1923 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Disassembled O Disassembled O +code O code O +. O . O + +My O My O +comments O comments O +will O will O +have O have O +a O a O +// B-Value // O +in O in O +front O front O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1924 I-Code_Block A_1924 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +45446253 O 45446253 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45446253/ O https://stackoverflow.com/questions/45446253/ O + + +Say O Say O +, O , O +I O I O +have O have O +a O a O +vector B-Data_Structure vector O +name O name O +" O " O +str B-Variable_Name str O +" O " O +, O , O +which O which O +contain O contain O +many O many O +strings B-Data_Type strings O +like O like O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5931 I-Code_Block Q_5931 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +, O , O +I O I O +have O have O +a O a O +data B-Library_Class data O +frame I-Library_Class frame O +named O named O +' O ' O +States B-Variable_Name States O +' O ' O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5932 I-Code_Block Q_5932 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +I O I O +want O want O +to O to O +generate O generate O +an O an O +extra O extra O +column B-Data_Structure column O +names O names O +" O " O +State B-Variable_Name State O +" O " O +for O for O +" O " O +str B-Variable_Name str O +" O " O +. O . O + +I O I O +want O want O +to O to O +use O use O +the O the O +city O city O +name O name O +as O as O +pattern O pattern O +to O to O +" O " O +grep B-Code_Block grep O +" O " O +the O the O +str B-Variable_Name str O +vector B-Data_Structure vector O +, O , O +if O if O +match O match O +" O " O +houston O houston O +" O " O +then O then O +put O put O +" O " O +TX O TX O +" O " O +in O in O +the O the O +new O new O +column B-Data_Structure column O +, O , O +if O if O +match O match O +Phoenix O Phoenix O +then O then O +put O put O +AZ O AZ O +, O , O +and O and O +so O so O +on O on O +. O . O + +Finally O Finally O +I O I O +want O want O +to O to O +get O get O +a O a O +data B-Library_Class data O +frame I-Library_Class frame O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5933 I-Code_Block Q_5933 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +'s O 's O +the O the O +best O best O +way O way O +to O to O +do O do O +this O this O +, O , O +without O without O +using O using O +sapply B-Code_Block sapply O +or O or O +for B-Code_Block for O +loop I-Code_Block loop O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +45446253 O 45446253 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45446253/ O https://stackoverflow.com/questions/45446253/ O + + +First O First O +, O , O +construct O construct O +pattern O pattern O +string B-Data_Type string O +of O of O +state O state O +names O names O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6575 I-Code_Block A_6575 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +, O , O +use O use O +stringr::str_extract_all B-Library_Function stringr::str_extract_all B-Code_Block +or O or O +stringr::str_extract B-Library_Function stringr::str_extract B-Code_Block +to O to O +extract O extract O +state O state O +names O names O +from O from O +string B-Data_Type string O +and O and O +add O add O +new O new O +column B-Data_Structure column O +to O to O +data B-Library_Class data O +frame I-Library_Class frame O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6576 I-Code_Block A_6576 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +merge O merge O +earlier O earlier O +data B-Library_Class data O +frames I-Library_Class frames O +to O to O +obtain O obtain O +suitable O suitable O +data B-Library_Class data O +frame I-Library_Class frame O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +45446253 O 45446253 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45446253/ O https://stackoverflow.com/questions/45446253/ O + + +Although O Although O +the O the O +previous O previous O +answers O answers O +work O work O +great O great O +, O , O +here O here O +is O is O +another O another O +solution O solution O +not O not O +relying O relying O +on O on O +external O external O +packages O packages O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6592 I-Code_Block A_6592 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +which O which O +gives O gives O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6593 I-Code_Block A_6593 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +47718055 O 47718055 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47718055/ O https://stackoverflow.com/questions/47718055/ O + + +I O I O +want O want O +to O to O +remove O remove O +a O a O +container O container O +defined O defined O +in O in O +docker-compose.yml B-File_Name docker-compose.yml O +file O file O +when O when O +we O we O +run O run O +in O in O +composition/override O composition/override O +with O with O +another O another O +file O file O +docker-compose.prod.yml B-File_Name docker-compose.prod.yml O +, O , O +by O by O +example O example O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6328 I-Code_Block Q_6328 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +override O override O +with O with O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6329 I-Code_Block Q_6329 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +, O , O +when O when O +running O running O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6330 I-Code_Block Q_6330 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Actually O Actually O +, O , O +i O i O +have O have O +www B-Code_Block www B-Code_Block +and O and O +db_for_development B-Code_Block db_for_development B-Code_Block +together O together O +. O . O + +I O I O +want O want O +only O only O +www B-Code_Block www B-Code_Block +container O container O +, O , O +not O not O +others O others O +. O . O + +Question_ID O Question_ID O +: O : O +32667314 O 32667314 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32667314/ O https://stackoverflow.com/questions/32667314/ O + + +Live O Live O +Demo O Demo O +on O on O +Shdr B-Application Shdr O +Editor I-Application Editor O +. O . O + +You O You O +will O will O +NEED O NEED O +to O to O +change O change O +the O the O +top O top O +right O right O +to O to O +cube O cube O +and O and O +zoom O zoom O +in O in O +to O to O +see O see O +the O the O +effect O effect O +properly O properly O +. O . O + +Vertex O Vertex O +Shader O Shader O +Code O Code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3968 I-Code_Block Q_3968 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Fragment O Fragment O +Shader O Shader O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3969 I-Code_Block Q_3969 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +intention O intention O +here O here O +is O is O +that O that O +when O when O +this O this O +is O is O +used O used O +, O , O +it O it O +will O will O +render O render O +to O to O +a O a O +16x16 O 16x16 O +window B-User_Interface_Element window O +, O , O +thus O thus O +why O why O +I O I O +constrain O constrain O +it O it O +so O so O +. O . O + +My O My O +hard O hard O +coding O coding O +of O of O +the O the O +mat4 B-Library_Class mat4 B-Code_Block +is O is O +temporary O temporary O +. O . O + +The O The O +real O real O +life O life O +application O application O +of O of O +this O this O +code O code O +will O will O +generate O generate O +intelligent O intelligent O +values O values O +and O and O +uniform O uniform O +them O them O +in O in O +. O . O + +Each O Each O +ivec4 B-Library_Class ivec4 B-Code_Block +represents O represents O +a O a O +quarter O quarter O +of O of O +the O the O +screen O screen O +( O ( O +64 O 64 O +pixels O pixels O +) O ) O +; O ; O +each O each O +int B-Data_Type int B-Code_Block +of O of O +a O a O +vector B-Data_Structure vector O +represents O represents O +a O a O +row B-User_Interface_Element row O +on O on O +the O the O +screen O screen O +( O ( O +16 O 16 O +pixels O pixels O +) O ) O +; O ; O +each O each O +bit O bit O +of O of O +an O an O +int B-Data_Type int O +represents O represents O +one O one O +pixel O pixel O +. O . O + +Thus O Thus O +the O the O +hard O hard O +coded O coded O +matrix B-Data_Structure matrix O +value O value O +in O in O +hash B-Variable_Name hash B-Code_Block +should O should O +highlight O highlight O +the O the O +left O left O +half O half O +of O of O +the O the O +bottom O bottom O +row B-User_Interface_Element row O +. O . O + +I O I O +'m O 'm O +thoroughly O thoroughly O +confused O confused O +here O here O +, O , O +and O and O +I O I O +mostly O mostly O +need O need O +someone O someone O +who O who O +has O has O +n't O n't O +seen O seen O +my O my O +code O code O +before O before O +to O to O +have O have O +a O a O +look O look O +through O through O +it O it O +and O and O +find O find O +where O where O +I O I O +went O went O +wrong O wrong O +. O . O + +I O I O +'m O 'm O +stumped O stumped O +at O at O +the O the O +frag O frag O +shader O shader O +last O last O +two O two O +lines O lines O +, O , O +for O for O +bit B-Variable_Name bit B-Code_Block +is O is O +the O the O +floor O floor O +of O of O +a O a O +value O value O +'s O 's O +mod O mod O +2 O 2 O +: O : O +either O either O +0 B-Value 0 O +or O or O +1 B-Value 1 O +, O , O +but O but O +what O what O +'s O 's O +rendered O rendered O +does O does O +n't O n't O +show O show O +that O that O +. O . O + +Question_ID O Question_ID O +: O : O +15566681 O 15566681 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15566681/ O https://stackoverflow.com/questions/15566681/ O + + +Here O Here O +s O s O +my O my O +code O code O +trying O trying O +to O to O +extend O extend O +a O a O +textbox B-User_Interface_Element textbox O +with O with O +microsoft B-Organization microsoft O +ajax B-Library ajax O +libary O libary O + +On O On O +Page O Page O +code O code O +is O is O +as O as O +follows O follows O +: O : O + +Code O Code O +in O in O +the O the O +.js B-File_Type .js O +file O file O + +The O The O +error O error O +on O on O +debug O debug O +is O is O +as O as O +follows O follows O + +what O what O +wrong O wrong O +am O am O +i O i O +doing O doing O +in O in O +my O my O +code O code O +? O ? O + +Question_ID O Question_ID O +: O : O +8724161 O 8724161 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8724161/ O https://stackoverflow.com/questions/8724161/ O + + +i O i O +have O have O +a O a O +webapp O webapp O +written O written O +with O with O +spring B-Library spring O +3 B-Version 3 O +and O and O +struts B-Library struts O +2 B-Version 2 O +that O that O +is O is O +hosted O hosted O +on O on O +a O a O +glassfish B-Application glassfish O +server I-Application server O +. O . O + +In O In O +this O this O +app O app O +i O i O +have O have O +two O two O +webservices O webservices O +that O that O +need O need O +to O to O +do O do O +some O some O +background O background O +work O work O +without O without O +delaying O delaying O +the O the O +accessed O accessed O +method O method O +response O response O +. O . O + +So O So O +, O , O +now O now O +i O i O +use O use O +a O a O +spring B-Library_Class spring O +bean I-Library_Class bean O +that O that O +uses O uses O +an O an O +instance O instance O +of O of O +org.springframework.core.task.TaskExecutor B-Library_Class org.springframework.core.task.TaskExecutor B-Code_Block +and O and O +from O from O +there O there O +i O i O +run O run O +my O my O +new O new O +thread O thread O +. O . O + +Is O Is O +this O this O +the O the O +correct/best O correct/best O +practice O practice O +approach O approach O +in O in O +context O context O +of O of O +using O using O +this O this O +app O app O +on O on O +glassfish B-Application glassfish O +? O ? O + +or O or O +should O should O +find O find O +another O another O +method O method O +of O of O +doing O doing O +this O this O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8724161 O 8724161 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8724161/ O https://stackoverflow.com/questions/8724161/ O + + +It O It O +'s O 's O +discouraged O discouraged O +to O to O +create O create O +your O your O +own O own O +threads O threads O +because O because O +the O the O +app B-Application app O +server I-Application server O +is O is O +meant O meant O +to O to O +be O be O +in O in O +charge O charge O +. O . O + +See O See O +the O the O +answers O answers O +to O to O +Why O Why O +is O is O +spawning O spawning O +threads O threads O +in O in O +Java B-Language Java O +EE B-Version EE O +container O container O +discouraged O discouraged O +? O ? O + +However O However O +in O in O +practice O practice O +, O , O +especially O especially O +if O if O +it O it O +'s O 's O +the O the O +only O only O +application O application O +on O on O +there O there O +, O , O +you O you O +might O might O +be O be O +OK O OK O +, O , O +especially O especially O +if O if O +you O you O +use O use O +a O a O +fixed O fixed O +thread O thread O +pool O pool O +. O . O + +Be O Be O +sure O sure O +all O all O +the O the O +threads O threads O +are O are O +gone O gone O +when O when O +you O you O +undeploy O undeploy O +the O the O +app O app O +. O . O + +( O ( O +I O I O +expect O expect O +Spring B-Library Spring O +classes O classes O +will O will O +handle O handle O +disposal O disposal O +on O on O +undeploy O undeploy O +/ O / O +shutdown O shutdown O +correctly O correctly O +, O , O +if O if O +you O you O +declare O declare O +them O them O +within O within O +the O the O +Spring B-Library Spring O +container O container O +) O ) O +. O . O + +Question_ID O Question_ID O +: O : O +33285933 O 33285933 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33285933/ O https://stackoverflow.com/questions/33285933/ O + + +I O I O +'d O 'd O +like O like O +to O to O +send O send O +to O to O +a O a O +PHP B-Language PHP O +page O page O +a O a O +FormData B-Library_Class FormData O +value O value O +and O and O +some O some O +String B-Data_Type String O +values O values O +. O . O + +Here O Here O +'s O 's O +my O my O +code O code O +on O on O +the O the O +JS B-Language JS O +side O side O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4042 I-Code_Block Q_4042 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +on O on O +the O the O +PHP B-Language PHP O +side O side O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4043 I-Code_Block Q_4043 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +, O , O +I O I O +get O get O +an O an O +error O error O +saying O saying O +that O that O +type B-Variable_Name type O +and O and O +id B-Variable_Name id O +are O are O +not O not O +set O set O +. O . O + +I O I O +'m O 'm O +guessing O guessing O +that O that O +this O this O +comes O comes O +from O from O +the O the O +processData B-Library_Variable processData O +: O : O +false B-Value false O +from O from O +my O my O +ajax B-Library_Function ajax O +call O call O +. O . O + +But O But O +without O without O +this O this O +, O , O +I O I O +get O get O +the O the O +inevitable O inevitable O +Illegal B-Error_Name Illegal O +Invocation I-Error_Name Invocation O +, O , O +coming O coming O +from O from O +trying O trying O +to O to O +send O send O +the O the O +FormData B-Library_Class FormData O +. O . O + +Is O Is O +there O there O +any O any O +way O way O +to O to O +send O send O +the O the O +FormData B-Library_Class FormData O +AND O AND O +my O my O +String B-Data_Type String O +values O values O +on O on O +the O the O +same O same O +call O call O +? O ? O + +Thanks O Thanks O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +33285933 O 33285933 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33285933/ O https://stackoverflow.com/questions/33285933/ O + + +I O I O +assume O assume O +you O you O +are O are O +using O using O +the O the O +FormData B-Library_Class FormData B-Code_Block +object O object O +, O , O +in O in O +that O that O +case O case O +you O you O +need O need O +to O to O +append O append O +the O the O +string B-Data_Type string O +values O values O +to O to O +the O the O +FormData B-Library_Class FormData B-Code_Block +object O object O +, O , O +and O and O +pass O pass O +the O the O +object O object O +in O in O +as O as O +the O the O +data B-Library_Variable data B-Code_Block +parameter O parameter O +in O in O +jQuery B-Library jQuery B-Code_Block +'s O 's I-Code_Block +$ B-Library_Function $ I-Code_Block +.ajax I-Library_Function .ajax I-Code_Block +. O . O + +You O You O +can O can O +append O append O +data O data O +to O to O +the O the O +FormData B-Library_Class FormData B-Code_Block +object O object O +, O , O +with O with O +the O the O +method O method O +append B-Library_Function append B-Code_Block +. O . O + +This O This O +should O should O +work O work O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4744 I-Code_Block A_4744 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +49169495 O 49169495 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/49169495/ O https://stackoverflow.com/questions/49169495/ O + + +The O The O +app O app O +will O will O +reside O reside O +on O on O +the O the O +phone B-Device phone O +. O . O + +But O But O +not O not O +visible O visible O +through O through O +an O an O +icon B-User_Interface_Element icon O +. O . O + +It O It O +should O should O +not O not O +be O be O +possible O possible O +to O to O +close O close O +the O the O +app O app O +through O through O +background O background O +refresh O refresh O +or O or O +in O in O +any O any O +other O other O +way O way O +. O . O + +Is O Is O +It O It O +Possible O Possible O +to O to O +do O do O +this O this O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +49169495 O 49169495 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/49169495/ O https://stackoverflow.com/questions/49169495/ O + + +This O This O +is O is O +not O not O +possible O possible O +. O . O + +It O It O +may O may O +be O be O +possible O possible O +, O , O +if O if O +you O you O +will O will O +change O change O +appicon B-User_Interface_Element appicon O +to O to O +transparent B-User_Interface_Element transparent O +icon I-User_Interface_Element icon O +, O , O +but O but O +Apple B-Organization Apple O +Documentation O Documentation O +says O says O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +https://developer.apple.com/ios/human-interface-guidelines/icons-and-images/app-icon/ O https://developer.apple.com/ios/human-interface-guidelines/icons-and-images/app-icon/ O + +So O So O +your O your O +transparent O transparent O +part O part O +will O will O +become O become O +black O black O + +Question_ID O Question_ID O +: O : O +20231140 O 20231140 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/20231140/ O https://stackoverflow.com/questions/20231140/ O + + +I O I O +'m O 'm O +having O having O +problems O problems O +with O with O +indexed O indexed O +assignments O assignments O +in O in O +the O the O +vector B-Library_Class vector O +STL B-Library STL O +container O container O +. O . O + +I O I O +need O need O +to O to O +count O count O +all O all O +values O values O +of O of O +a O a O +given O given O +vector B-Library_Class vector O +( O ( O +called O called O +_assignments B-Variable_Name _assignments O +) O ) O +, O , O +so O so O +I O I O +wrote O wrote O +this O this O +function O function O +( O ( O +with O with O +extra O extra O +printing O printing O +for O for O +demonstration O demonstration O +) O ) O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2150 I-Code_Block Q_2150 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +it O it O +is O is O +not O not O +assigning O assigning O +the O the O +count O count O +data O data O +to O to O +_counts B-Variable_Name _counts O +. O . O + +Also O Also O +, O , O +it O it O +only O only O +prints O prints O +in O in O +( O ( O +1) O 1) O +: O : O +only O only O +a O a O +blank O blank O +line O line O +is O is O +printed O printed O +in O in O +( O ( O +2) O 2) O +. O . O + +Ex O Ex O +. O . O + +If O If O +_assignments B-Variable_Name _assignments O +is O is O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +it O it O +prints O prints O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +( O ( O +in O in O +( O ( O +2) O 2) O +the O the O +output O output O +should O should O +be O be O +spaced O spaced O +) O ) O + +Edit O Edit O +: O : O +As O As O +suggested O suggested O +in O in O +the O the O +comments O comments O +, O , O +I O I O +changed O changed O +reserve B-Library_Function reserve O +to O to O +resize B-Library_Function resize O +and O and O +it O it O +fixed O fixed O +the O the O +problem O problem O +! O ! O + +Question_ID O Question_ID O +: O : O +23654495 O 23654495 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23654495/ O https://stackoverflow.com/questions/23654495/ O + + +My O My O +goal O goal O +is O is O +to O to O +create O create O +new O new O +entity O entity O +of O of O +a O a O +new O new O +type O type O +and O and O +push O push O +it O it O +to O to O +manager O manager O +. O . O + +I O I O +'ve O 've O +created O created O +new O new O +entity O entity O +type O type O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2623 I-Code_Block Q_2623 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +be O be O +able O able O +to O to O +create O create O +new O new O +entity O entity O +of O of O +this O this O +type O type O +I O I O +need O need O +to O to O +fetch B-Library_Function fetch O +metadata I-Library_Function metadata O +first O first O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2624 I-Code_Block Q_2624 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +problem O problem O +is O is O +that O that O +I O I O +have O have O +an O an O +error O error O +on O on O +the O the O +line O line O +entityManager.fetchMetadata() B-Library_Function entityManager.fetchMetadata() O +: O : O +" O " O +TypeError B-Error_Name TypeError O +: O : O +Cannot O Cannot O +call O call O +method O method O +' O ' O +then O then O +' O ' O +of O of O +undefined O undefined O +" O " O + +Why O Why O +I O I O +'m O 'm O +seeing O seeing O +this O this O +error O error O +? O ? O + +does O does O +fetchMetadata() B-Library_Function fetchMetadata() O +tries O tries O +to O to O +http O http O +: O : O +GET O GET O +metadata O metadata O +from O from O +somewhere O somewhere O +? O ? O + +I O I O +do O do O +n't O n't O +have O have O +it O it O +anywhere. O anywhere. O +. O . O +How O How O +to O to O +create O create O +the O the O +metadata O metadata O +then O then O +? O ? O + +UPDATE O UPDATE O +: O : O + +following O following O +suggestions O suggestions O +I O I O +'ve O 've O +rewrite O rewrite O +code O code O +into O into O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2625 I-Code_Block Q_2625 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23654495 O 23654495 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23654495/ O https://stackoverflow.com/questions/23654495/ O + + +Breeze B-Library Breeze O +metadata O metadata O +is O is O +information O information O +about O about O +all O all O +the O the O +objects O objects O +you O you O +have O have O +to O to O +work O work O +with O with O +. O . O + +You O You O +can O can O +fetch O fetch O +metadata O metadata O +from O from O +server-side O server-side O +or O or O +you O you O +can O can O +create O create O +metadata O metadata O +by O by O +yourself O yourself O +and O and O +work O work O +with O with O +it O it O +. O . O + +If O If O +you O you O +want O want O +to O to O +work O work O +with O with O +your O your O +server-side O server-side O +objects O objects O +in O in O +breeze B-Library breeze O +you O you O +create O create O +an O an O +entity O entity O +manager O manager O +with O with O +var B-Code_Block var B-Code_Block +entityManager I-Code_Block entityManager I-Code_Block += I-Code_Block = I-Code_Block +new I-Code_Block new I-Code_Block +breeze.EntityManager('api/Db') I-Code_Block breeze.EntityManager('api/Db') I-Code_Block +; I-Code_Block ; I-Code_Block +where O where O +api/db O api/db O +is O is O +your O your O +asp.net B-Library asp.net O +controller O controller O +. O . O + +This O This O +controller O controller O +should O should O +have O have O +a O a O +Metadata() B-Library_Function Metadata() B-Code_Block +method O method O +which O which O +returns O returns O +repository.Metadata() B-Library_Function repository.Metadata() B-Code_Block +. O . O + +In O In O +js B-Language js O +you O you O +call O call O +entityManager.fetchMetadata() B-Code_Block entityManager.fetchMetadata() B-Code_Block +.then(success,failed) I-Code_Block .then(success,failed) I-Code_Block +; I-Code_Block ; I-Code_Block +After O After O +the O the O +promise O promise O +of O of O +fetchMetadata() B-Library_Function fetchMetadata() B-Code_Block +is O is O +resolved O resolved O +, O , O +breeze B-Library breeze O +metadata O metadata O +of O of O +variable O variable O +entityManager B-Library_Variable entityManager B-Code_Block +is O is O +full-filled O full-filled O +and O and O +you O you O +can O can O +start O start O +working O working O +with O with O +your O your O +server-side B-Application server-side O +objects O objects O +in O in O +js B-Language js O +with O with O +breeze B-Library breeze O +! O ! O + +But O But O +you O you O +can O can O +also O also O +work O work O +without O without O +any O any O +metadata O metadata O +from O from O +server-side B-Application server-side O +and O and O +create O create O +it O it O +on O on O +the O the O +fly O fly O +in O in O +your O your O +js B-Language js O +code O code O +. O . O + +You O You O +create O create O +your O your O +own O own O +metadataStore B-Library_Class metadataStore O +, O , O +attach O attach O +it O it O +to O to O +entitymanager B-Library_Class entitymanager O +. O . O + +Pseudo O Pseudo O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3236 I-Code_Block A_3236 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Here O Here O +is O is O +a O a O +working O working O +sample O sample O +from O from O +breeze B-Library breeze O +with O with O +on-the-fly O on-the-fly O +metadata O metadata O +http://www.breezejs.com/breeze-labs/breezedirectivesvalidation O http://www.breezejs.com/breeze-labs/breezedirectivesvalidation O + +You O You O +click O click O +on O on O +code O code O +button B-User_Interface_Element button O +or O or O +just O just O +go O go O +to O to O +http://plnkr.co/edit/lxPAbIJmRaLmyagXQAFC?p=info O http://plnkr.co/edit/lxPAbIJmRaLmyagXQAFC?p=info O +to O to O +see O see O +sources O sources O + +Also O Also O +take O take O +a O a O +look O look O +at O at O +this O this O +link O link O +in O in O +breeze B-Library breeze O +docs O docs O +http://www.breezejs.com/documentation/metadata O http://www.breezejs.com/documentation/metadata O + +Question_ID O Question_ID O +: O : O +26877362 O 26877362 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26877362/ O https://stackoverflow.com/questions/26877362/ O + + +I O I O +'m O 'm O +trying O trying O +the O the O +new O new O +Firefox B-Application Firefox O +Developer I-Application Developer O +Edition I-Application Edition O +. O . O + +I O I O +'m O 'm O +struggling O struggling O +to O to O +get O get O +the O the O +WebIDE B-Application WebIDE O +to O to O +run O run O +a O a O +project O project O +in O in O +my O my O +smartphone B-Device smartphone O +. O . O + +In O In O +the O the O +documentation O documentation O +, O , O +it O it O +'s O 's O +said O said O +you O you O +can O can O +debug O debug O +an O an O +app O app O +using O using O +Chrome B-Application Chrome O +37+ B-Version 37+ O +on O on O +android B-Operating_System android O +. O . O + +When O When O +I O I O +connect O connect O +it O it O +to O to O +my O my O +mac B-Device mac O +, O , O +I O I O +can O can O +get O get O +the O the O +WebIDE B-Application WebIDE O +to O to O +recognize O recognize O +the O the O +device O device O +, O , O +but O but O +when O when O +I O I O +try O try O +to O to O +run O run O +it O it O +, O , O +I O I O +get O get O +this O this O +error O error O +: O : O +" O " O +Operation B-Error_Name Operation O +failed I-Error_Name failed O +: O : O +installing O installing O +and O and O +running O running O +app O app O +: O : O +Ca O Ca O +n't O n't O +install O install O +" O " O +. O . O + +What O What O +am O am O +I O I O +missing O missing O +? O ? O + +I O I O +already O already O +setup O setup O +developer O developer O +mode O mode O +on O on O +android B-Operating_System android O +and O and O +turned O turned O +on O on O +debugg O debugg O +usb O usb O +mode O mode O +. O . O + +Thanks O Thanks O +in O in O +advance O advance O +! O ! O + +Question_ID O Question_ID O +: O : O +44527799 O 44527799 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44527799/ O https://stackoverflow.com/questions/44527799/ O + + +When O When O +my O my O +program O program O +comes O comes O +to O to O +this O this O +method O method O +it O it O +never O never O +seems O seems O +to O to O +update O update O +the O the O +target B-Variable_Name target O +value O value O +. O . O + +If O If O +I O I O +input O input O +" B-Value " O +dave I-Value dave O +" I-Value " O +it O it O +will O will O +remain O remain O +" B-Value " O +dave I-Value dave O +" I-Value " O +no O no O +matter O matter O +how O how O +many O many O +calls O calls O +to O to O +the O the O +method O method O +are O are O +made O made O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5788 I-Code_Block Q_5788 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +I O I O +add O add O +a O a O +friend B-Class_Name friend O +via O via O +this O this O +addFriend B-Function_Name addFriend O +method O method O +firstFriend B-Variable_Name firstFriend O +will O will O +end O end O +up O up O +printing O printing O +whatever O whatever O +the O the O +last O last O +added O added O +name O name O +was O was O +. O . O + +If O If O +the O the O +inputted O inputted O +named O named O +were O were O +rob B-Value rob O +bill I-Value bill O +and O and O +travis B-Value travis O + +The O The O +output O output O +would O would O +be O be O +travis B-Value travis O +travis I-Value travis O +travis I-Value travis O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5789 I-Code_Block Q_5789 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +44527799 O 44527799 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44527799/ O https://stackoverflow.com/questions/44527799/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6441 I-Code_Block A_6441 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +else O else O +part O part O +needs O needs O +to O to O +go O go O +away O away O +. O . O + +The O The O +effect O effect O +of O of O +this O this O +code O code O +is O is O +that O that O +it O it O +only O only O +checks O checks O +the O the O +first O first O +value O value O +and O and O +if O if O +it O it O +is O is O +not O not O +the O the O +value O value O +that O that O +you O you O +want O want O +to O to O +look O look O +up O up O +it O it O +is O is O +coming O coming O +out O out O +straight O straight O +away O away O +. O . O + +Change O Change O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6442 I-Code_Block A_6442 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +to O to O +return B-Code_Block return B-Code_Block +null I-Code_Block null I-Code_Block +; I-Code_Block ; I-Code_Block + +and O and O +remove O remove O +the O the O +else B-Code_Block else O +part O part O +mentioned O mentioned O +above O above O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +44527799 O 44527799 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44527799/ O https://stackoverflow.com/questions/44527799/ O + + +You O You O +always O always O +return O return O +in O in O +the O the O +first O first O +iteration O iteration O +of O of O +the O the O +loop O loop O +. O . O + +If O If O +the O the O +person B-Class_Name person O +is O is O +found O found O +it O it O +'s O 's O +returned O returned O +( O ( O +the O the O +if B-Code_Block if B-Code_Block +branch O branch O +) O ) O +, O , O +and O and O +if O if O +it O it O +is O is O +n't O n't O +, O , O +null B-Value null B-Code_Block +is O is O +returned O returned O +( O ( O +the O the O +else B-Code_Block else B-Code_Block +branch O branch O +) O ) O +. O . O + +Instead O Instead O +, O , O +you O you O +should O should O +keep O keep O +iterating O iterating O +until O until O +you O you O +find O find O +the O the O +correct O correct O +person B-Class_Name person O +or O or O +exhaust O exhaust O +the O the O +list B-Data_Structure list O +. O . O + +The O The O +first O first O +condition O condition O +, O , O +BTW O BTW O +, O , O +is O is O +a O a O +subset O subset O +of O of O +the O the O +loop O loop O +( O ( O +if O if O +firstPerson B-Variable_Name firstPerson B-Code_Block +is O is O +null B-Value null B-Code_Block +target B-Variable_Name target O +will O will O +just O just O +become O become O +null B-Value null B-Code_Block +immediately O immediately O +) O ) O +, O , O +and O and O +can O can O +( O ( O +should O should O +! O ! O +) O ) O + +also O also O +be O be O +removed O removed O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6440 I-Code_Block A_6440 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +12381646 O 12381646 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12381646/ O https://stackoverflow.com/questions/12381646/ O + + +I O I O +have O have O +asked O asked O +a O a O +question O question O +before O before O +about O about O +retrieving O retrieving O +a O a O +pdf B-File_Type pdf O +file O file O +from O from O +database O database O +, O , O +and O and O +got O got O +the O the O +answer O answer O +for O for O +my O my O +question O question O +. O . O + +Eventhough O Eventhough O +that O that O +code O code O +was O was O +working O working O +for O for O +me O me O +earlier O earlier O +, O , O +I O I O +am O am O +currently O currently O +not O not O +able O able O +to O to O +retrieve O retrieve O +file O file O +contents O contents O +, O , O +only O only O +file O file O +name O name O +from O from O +the O the O +database O database O +( O ( O +like O like O +: O : O + +" B-Code_Block " B-Code_Block +% I-Code_Block % I-Code_Block +PDF-1.4 I-Code_Block PDF-1.4 I-Code_Block +1 I-Code_Block 1 I-Code_Block +0 I-Code_Block 0 I-Code_Block +obj I-Code_Block obj I-Code_Block +<> I-Code_Block R>> I-Code_Block +/ProcSet I-Code_Block /ProcSet I-Code_Block +[/PDF I-Code_Block [/PDF I-Code_Block +/Text]>> I-Code_Block /Text]>> I-Code_Block +/Fields I-Code_Block /Fields I-Code_Block +" I-Code_Block " I-Code_Block +) I-Code_Block ) I-Code_Block +. O . O + +Here O Here O +is O is O +my O my O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1167 I-Code_Block Q_1167 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +My O My O +uploaded O uploaded O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1168 I-Code_Block Q_1168 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +the O the O +database O database O +filed O filed O +is O is O +a O a O +varchar B-Data_Type varchar B-Code_Block +. O . O + +Question_ID O Question_ID O +: O : O +23836873 O 23836873 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23836873/ O https://stackoverflow.com/questions/23836873/ O + + +suppose O suppose O +that O that O +using O using O +a O a O +JFilechooser B-Library_Class JFilechooser O +, O , O +we O we O +choosed O choosed O +a O a O +text B-File_Type text O +file O file O +which O which O +contained O contained O +1 O 1 O +line O line O +, O , O +say. O say. O +. O . O +" B-Value " O +hello I-Value hello O +world I-Value world O +" I-Value " O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2634 I-Code_Block Q_2634 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +when O when O +we O we O +print O print O +the O the O +file O file O +contents O contents O +we O we O +get O get O +" B-Value " B-Code_Block +hello I-Value hello I-Code_Block +world I-Value world I-Code_Block +" I-Value " I-Code_Block + +but O but O +what O what O +happens O happens O +if O if O +we O we O +changed O changed O +the O the O +text B-File_Type text O +file O file O +contents O contents O +and O and O +added O added O +some O some O +new O new O +lines O lines O +, O , O +and O and O +printed O printed O +again O again O +, O , O +does O does O +java B-Language java O +stores O stores O +the O the O +file O file O +in O in O +memory O memory O +? O ? O + +or O or O +it O it O +will O will O +reads O reads O +it O it O +again O again O +, O , O +and O and O +consequently O consequently O +prints O prints O +the O the O +new O new O +lines O lines O +we O we O +added O added O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23836873 O 23836873 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23836873/ O https://stackoverflow.com/questions/23836873/ O + + +That O That O +depends O depends O +on O on O +what O what O +you O you O +do O do O +. O . O + +The O The O +rules O rules O +are O are O +simple O simple O +: O : O +when O when O +you O you O +read O read O +it O it O +again O again O +by O by O +using O using O +a O a O +FileInputStream B-Library_Class FileInputStream B-Code_Block +or O or O +a O a O +FileReader B-Library_Class FileReader B-Code_Block +, O , O +you O you O +will O will O +always O always O +get O get O +the O the O +latest O latest O +content O content O +. O . O + +The O The O +OS O OS O +might O might O +optimize O optimize O +this O this O +in O in O +memory O memory O +, O , O +if O if O +the O the O +file O file O +is O is O +not O not O +edited O edited O +. O . O + +If O If O +you O you O +simply O simply O +keep O keep O +the O the O +file O file O +contents O contents O +into O into O +a O a O +self O self O +constructed O constructed O +buffer O buffer O +( O ( O +e.g O e.g O +. O . O +: O : O +a O a O +String B-Data_Type String B-Code_Block +or O or O +a O a O +byte[] B-Data_Type byte[] B-Code_Block +) O ) O +, O , O +and O and O +the O the O +file O file O +changes O changes O +, O , O +of O of O +course O course O +the O the O +buffer O buffer O +will O will O +remained O remained O +unchanged O unchanged O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23836873 O 23836873 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23836873/ O https://stackoverflow.com/questions/23836873/ O + + +When O When O +you O you O +create O create O +a O a O +File B-Library_Class File B-Code_Block +, O , O +nothing O nothing O +actually O actually O +happens O happens O +. O . O + +The O The O +location O location O +of O of O +the O the O +file O file O +is O is O +stored O stored O +, O , O +nothing O nothing O +else O else O +. O . O + +It O It O +'s O 's O +like O like O +setting O setting O +your O your O +GPS B-Device GPS O +to O to O +go O go O +somewhere O somewhere O +versus O versus O +driving O driving O +there O there O +. O . O + +From O From O +the O the O +Javadoc B-Application Javadoc O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +When O When O +you O you O +read O read O +from O from O +the O the O +file O file O +, O , O +you O you O +'ll O 'll O +get O get O +the O the O +contents O contents O +of O of O +the O the O +file O file O +. O . O + +Question_ID O Question_ID O +: O : O +17722205 O 17722205 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17722205/ O https://stackoverflow.com/questions/17722205/ O + + +I O I O +have O have O +a O a O +table B-User_Interface_Element table O +that O that O +has O has O +a O a O +column B-User_Interface_Element column O +with O with O +Yes/No B-Value Yes/No O +as O as O +possible O possible O +values O values O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1815 I-Code_Block Q_1815 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +need O need O +to O to O +show O show O +the O the O +row B-User_Interface_Element row O +if O if O +ActiveYN B-Variable_Name ActiveYN O +is O is O +' B-Value ' O +Yes I-Value Yes O +' B-Value ' O +and O and O +Hide O Hide O +id O id O +ActiveYN B-Variable_Name ActiveYN O +is O is O +' B-Value ' O +No I-Value No O +' B-Value ' O + +How O How O +can O can O +i O i O +access O access O +the O the O +ActiveYN B-Variable_Name ActiveYN O +inside O inside O +JQuery B-Library JQuery O +and O and O +show/hide O show/hide O +accordingly O accordingly O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +17722205 O 17722205 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17722205/ O https://stackoverflow.com/questions/17722205/ O + + +You O You O +can O can O +do O do O +it O it O +from O from O +server B-Application server O +side O side O +itself O itself O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2332 I-Code_Block A_2332 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +do O do O +n't O n't O +know O know O +the O the O +razor B-Language razor O +syntax O syntax O +, O , O +but O but O +you O you O +get O get O +the O the O +idea O idea O +. O . O + +To O To O +be O be O +able O able O +to O to O +do O do O +it O it O +from O from O +client-side B-Application client-side O +, O , O +add O add O +a O a O +class O class O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2333 I-Code_Block A_2333 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +then O then O +in O in O +jQuery B-Library jQuery O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2334 I-Code_Block A_2334 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Edited O Edited O +again O again O +after O after O +your O your O +question O question O +was O was O +edited O edited O +, O , O +now O now O +if O if O +we O we O +forget O forget O +the O the O +server-side B-Application server-side O +altogether O altogether O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2335 I-Code_Block A_2335 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Use O Use O +this O this O +statement O statement O +in O in O +your O your O +button B-User_Interface_Element button O +click O click O +handler O handler O +function O function O +. O . O + +But O But O +, O , O +remember O remember O +it O it O +will O will O +also O also O +find O find O +any O any O +text O text O +which O which O +contains O contains O +" B-Value " O +No I-Value No O +" I-Value " O +anywhere O anywhere O +in O in O +a O a O +row B-User_Interface_Element row O +. O . O + +To O To O +make O make O +it O it O +more O more O +precise O precise O +, O , O +use O use O +regular O regular O +expressions O expressions O +to O to O +search O search O +exactly O exactly O +a O a O +" B-Value " O +No I-Value No O +" I-Value " O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +17722205 O 17722205 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17722205/ O https://stackoverflow.com/questions/17722205/ O + + +DEMO O DEMO O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2338 I-Code_Block A_2338 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +8209924 O 8209924 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8209924/ O https://stackoverflow.com/questions/8209924/ O + + +I O I O +am O am O +using O using O +sort B-Code_Block sort B-Code_Block +command O command O +in O in O +Linux B-Operating_System Linux O +to O to O +sort B-Code_Block sort O +strings B-Data_Type strings O +. O . O + +The O The O +problem O problem O +is O is O +that O that O +my O my O +strings B-Data_Type strings O +contains O contains O +non O non O +letter O letter O +characters O characters O +such O such O +as O as O +! B-Code_Block ! B-Code_Block +{%^$@#)( I-Code_Block {%^$@#)( I-Code_Block +. O . O + +I O I O +have O have O +noticed O noticed O +that O that O +sort B-Code_Block sort B-Code_Block +in O in O +Linux B-Operating_System Linux O +ignores O ignores O +these O these O +characters O characters O +and O and O +sort B-Code_Block sort O +based O based O +on O on O +letters O letters O +only O only O +. O . O + +However O However O +, O , O +I O I O +want O want O +to O to O +sort B-Code_Block sort O +based O based O +on O on O +these O these O +characters O characters O +' O ' O +ASCII O ASCII O +code O code O +also O also O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8209924 O 8209924 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8209924/ O https://stackoverflow.com/questions/8209924/ O + + +Use O Use O +a O a O +locale O locale O +of O of O +" B-Value " O +C I-Value C O +" I-Value " O +to O to O +force O force O +bitwise O bitwise O +collation O collation O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_983 I-Code_Block A_983 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +5525308 O 5525308 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5525308/ O https://stackoverflow.com/questions/5525308/ O + + +well O well O +i O i O +have O have O +this O this O +string B-Data_Type string O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_394 I-Code_Block Q_394 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +how O how O +do O do O +i O i O +get O get O +the O the O +value O value O +of O of O +iddiagrama B-Variable_Name iddiagrama O +, O , O +nombre B-Variable_Name nombre O +, O , O +tipo B-Variable_Name tipo O +, O , O +descripcion B-Variable_Name descripcion O +! O ! O + +note O note O +, O , O +there O there O +are O are O +more O more O +than O than O +1 O 1 O +of O of O +everyone O everyone O +! O ! O + +for O for O +example O example O +i O i O +would O would O +to O to O +get O get O +i O i O +dont O dont O +know O know O +! O ! O + +maybe O maybe O +in O in O +a O a O +array B-Data_Structure array O +something O something O +so O so O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_395 I-Code_Block Q_395 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +the O the O +same O same O +with O with O +tipo B-Variable_Name tipo O +, O , O +and O and O +description B-Variable_Name description O + +some O some O +idea O idea O +? O ? O + +* O * O +other O other O +thing O thing O + +the O the O +lenght O lenght O +of O of O +characteres B-Data_Type characteres O +Change O Change O +! O ! O + +because O because O +it O it O +is O is O +a O a O +query O query O +since O since O +a O a O +webservice O webservice O +! O ! O + +i O i O +am O am O +trying O trying O +it O it O +manuallity O manuallity O +does O does O +someone O someone O +has O has O +a O a O +example O example O +for O for O +to O to O +do O do O +it O it O +with O with O +a O a O +library O library O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5525308 O 5525308 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5525308/ O https://stackoverflow.com/questions/5525308/ O + + +one O one O +way O way O +is O is O +to O to O +concatenate O concatenate O +the O the O +strings B-Data_Type strings O +in O in O +the O the O +array B-Data_Structure array O +to O to O +form O form O +a O a O +string B-Data_Type string O +by O by O +running O running O +a O a O +for B-Code_Block for O +loop O loop O +around O around O +each O each O +array B-Data_Structure array O +. O . O + +Is O Is O +that O that O +what O what O +you O you O +'re O 're O +trying O trying O +to O to O +do O do O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5525308 O 5525308 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5525308/ O https://stackoverflow.com/questions/5525308/ O + + +It O It O +seems O seems O +like O like O +your O your O +string B-Data_Type string O +contains O contains O +data O data O +coded O coded O +in O in O +JSON B-File_Type JSON O +format O format O +. O . O + +You O You O +may O may O +use O use O +a O a O +JSON B-File_Type JSON O +library O library O +like O like O +google-gson B-Library google-gson O +. O . O + +Then O Then O +you O you O +do O do O +n't O n't O +have O have O +to O to O +parse O parse O +the O the O +string B-Data_Type string O +manually O manually O +. O . O + +Question_ID O Question_ID O +: O : O +27681609 O 27681609 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27681609/ O https://stackoverflow.com/questions/27681609/ O + + +So O So O +I O I O +am O am O +fairly O fairly O +new O new O +to O to O +iOS B-Operating_System iOS O +development O development O +and O and O +have O have O +decide O decide O +to O to O +create O create O +a O a O +project O project O +of O of O +my O my O +own O own O +. O . O + +This O This O +app O app O +is O is O +using O using O +Parse B-Library Parse O +as O as O +it O it O +'s O 's O +backend O backend O +. O . O + +I O I O +know O know O +that O that O +it O it O +is O is O +better O better O +to O to O +have O have O +all O all O +the O the O +database O database O +calls O calls O +in O in O +one O one O +class O class O +, O , O +but O but O +am O am O +unsure O unsure O +of O of O +the O the O +best O best O +way O way O +to O to O +do O do O +it O it O +. O . O + +So O So O +far O far O +I O I O +have O have O +two O two O +options O options O +: O : O + +Create O Create O +separate O separate O +.h B-File_Type .h O +and O and O +.m B-File_Type .m O +files O files O +and O and O +put O put O +all O all O +database O database O +accessors O accessors O +there O there O +as O as O +static B-Data_Type static O +methods O methods O + +Create O Create O +base O base O +.h B-File_Type .h O +and O and O +.m B-File_Type .m O +files O files O +( O ( O +that O that O +inherit O inherit O +from O from O +UIViewController B-Library_Class UIViewController O +) O ) O +and O and O +put O put O +all O all O +the O the O +calls O calls O +there O there O +. O . O + +Then O Then O +derive O derive O +all O all O +my O my O +other O other O +view O view O +controllers O controllers O +in O in O +the O the O +app O app O +from O from O +this O this O +one O one O +. O . O + +Which O Which O +of O of O +these O these O +two O two O +options O options O +is O is O +better O better O +? O ? O + +Or O Or O +is O is O +there O there O +a O a O +better O better O +way O way O +to O to O +do O do O +this O this O +than O than O +these O these O +two O two O +options O options O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +27681609 O 27681609 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27681609/ O https://stackoverflow.com/questions/27681609/ O + + +While O While O +this O this O +is O is O +purely O purely O +opinion O opinion O +based O based O +I O I O +would O would O +argue O argue O +for O for O +solution O solution O +1 O 1 O +. O . O + +This O This O +creates O creates O +a O a O +good O good O +separation O separation O +of O of O +code O code O +and O and O +makes O makes O +it O it O +clear O clear O +where O where O +the O the O +database O database O +methods O methods O +are O are O +located O located O +both O both O +when O when O +looking O looking O +at O at O +a O a O +view O view O +controller O controller O +. O . O + +Compare O Compare O +[ B-Code_Block [ B-Code_Block +DBConnector I-Code_Block DBConnector I-Code_Block +performDatabaseMethod I-Code_Block performDatabaseMethod I-Code_Block +] I-Code_Block ] I-Code_Block +to O to O +[ B-Code_Block [ B-Code_Block +self I-Code_Block self I-Code_Block +performDatabaseMethod I-Code_Block performDatabaseMethod I-Code_Block +] I-Code_Block ] I-Code_Block +the O the O +second O second O +one O one O +seems O seems O +weird O weird O +and O and O +out O out O +of O of O +place O place O +if O if O +self B-Variable_Name self B-Code_Block +is O is O +a O a O +UIViewController B-Library_Class UIViewController B-Code_Block +subclass O subclass O +. O . O + +Another O Another O +option O option O +is O is O +using O using O +a O a O +singleton O singleton O +database O database O +accessor O accessor O +which O which O +you O you O +access O access O +using O using O +[ B-Code_Block [ B-Code_Block +[ B-Code_Block [ B-Code_Block +DBConnector B-Code_Block DBConnector B-Code_Block +sharedInstance I-Code_Block sharedInstance I-Code_Block +] I-Code_Block ] I-Code_Block +performMethod B-Code_Block performMethod B-Code_Block +] I-Code_Block ] I-Code_Block +where O where O +sharedInstance B-Library_Variable sharedInstance B-Code_Block +looks O looks O +something O something O +like O like O +this O this O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3842 I-Code_Block A_3842 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +3115090 O 3115090 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3115090/ O https://stackoverflow.com/questions/3115090/ O + + +Using O Using O +flexigrid B-Application flexigrid O +, O , O +I O I O +have O have O +two O two O +buttons B-User_Interface_Element buttons O +( O ( O +add O add O +, O , O +delete O delete O +) O ) O +on O on O +the O the O +toolbar B-User_Interface_Element toolbar O +. O . O + +When O When O +the O the O +add O add O +button B-User_Interface_Element button O +is O is O +clicked O clicked O +, O , O +I O I O +want O want O +to O to O +create O create O +a O a O +fancybox B-Application fancybox O +input O input O +form B-User_Interface_Element form O +. O . O + +How O How O +can O can O +I O I O +do O do O +this O this O +? O ? O + +Here O Here O +is O is O +my O my O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_217 I-Code_Block Q_217 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +3115090 O 3115090 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3115090/ O https://stackoverflow.com/questions/3115090/ O + + +Check O Check O +out O out O +the O the O +ColorBox B-Application ColorBox O +plugin I-Application plugin O +example O example O +here O here O +. O . O + +Question_ID O Question_ID O +: O : O +45178002 O 45178002 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45178002/ O https://stackoverflow.com/questions/45178002/ O + + +In O In O +Excel B-Application Excel O +I O I O +using O using O +a O a O +Data B-Data_Structure Data O +Table I-Data_Structure Table O +that O that O +connects O connects O +via O via O +a O a O +data O data O +connection O connection O +string B-Data_Type string O +to O to O +an O an O +sql B-Language sql O +server B-Application server O +procedure O procedure O +. O . O + +The O The O +procedure O procedure O +accepts O accepts O +some O some O +parameters O parameters O +querys O querys O +and O and O +then O then O +returns O returns O +the O the O +data O data O +to O to O +the O the O +excel B-Application excel O +data B-Data_Structure data O +table I-Data_Structure table O +. O . O + +This O This O +has O has O +worked O worked O +well O well O +for O for O +quite O quite O +a O a O +while O while O +. O . O + +Now O Now O +the O the O +users O users O +have O have O +started O started O +to O to O +randomly O randomly O +get O get O +the O the O +following O following O +error O error O +message O message O +. O . O + +This O This O +is O is O +happening O happening O +randomly O randomly O +as O as O +the O the O +user O user O +try O try O +'s O 's O +it O it O +again O again O +and O and O +it O it O +works O works O +. O . O + +Nothing O Nothing O +else O else O +is O is O +on O on O +the O the O +spreadsheet B-User_Interface_Element spreadsheet O +and O and O +the O the O +returned O returned O +information O information O +is O is O +well O well O +within O within O +any O any O +row B-Data_Structure row O +count O count O +limitation O limitation O +that O that O +excel B-Application excel O +may O may O +have O have O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +45178002 O 45178002 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45178002/ O https://stackoverflow.com/questions/45178002/ O + + +I O I O +was O was O +able O able O +to O to O +isolate O isolate O +the O the O +cause O cause O +of O of O +the O the O +error O error O +. O . O + +If O If O +you O you O +have O have O +something O something O +on O on O +your O your O +clipboard B-Application clipboard O +and O and O +then O then O +refresh O refresh O +your O your O +table B-Data_Structure table O +it O it O +causes O causes O +a O a O +conflict O conflict O +when O when O +the O the O +records O records O +are O are O +returned O returned O +. O . O + +After O After O +clearing O clearing O +my O my O +clipboard B-Application clipboard O +and O and O +refreshing O refreshing O +it O it O +worked O worked O +fine O fine O +. O . O + +This O This O +most O most O +be O be O +a O a O +flaw O flaw O +in O in O +the O the O +version O version O +of O of O +Excel B-Application Excel O +I O I O +'m O 'm O +using O using O +- O - O +2016 B-Version 2016 O +. O . O + +Question_ID O Question_ID O +: O : O +15310275 O 15310275 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15310275/ O https://stackoverflow.com/questions/15310275/ O + + +I O I O +am O am O +trying O trying O +to O to O +make O make O +a O a O +calculator B-Application calculator O +app O app O +but O but O +unfortunately O unfortunately O +I O I O +am O am O +getting O getting O +stuck O stuck O +with O with O +parsing O parsing O +the O the O +string B-Data_Type string O +. O . O + +The O The O +application O application O +takes O takes O +input O input O +and O and O +displays O displays O +it O it O +in O in O +an O an O +EditText B-Library_Class EditText B-Code_Block +et2 B-Variable_Name et2 I-Code_Block +. O . O + +The O The O +calculator B-Application calculator O +does O does O +the O the O +following O following O +job O job O +when O when O +" O " O +equal B-Keyboard_IP equal O +" O " O +key O key O +is O is O +pressed O pressed O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1488 I-Code_Block Q_1488 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +get O get O +a O a O +NumberFormatException B-Error_Name NumberFormatException O +error O error O +. O . O + +Here O Here O +'s O 's O +is O is O +the O the O +error O error O +log O log O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1489 I-Code_Block Q_1489 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +15310275 O 15310275 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15310275/ O https://stackoverflow.com/questions/15310275/ O + + +You O You O +are O are O +try O try O +to O to O +parse O parse O +an O an O +none O none O +Integer B-Data_Type Integer O +value O value O +to O to O +Integer B-Data_Type Integer O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1949 I-Code_Block A_1949 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Follow O Follow O +the O the O +number O number O +of O of O +line O line O +provided O provided O +in O in O +the O the O +logcat B-Application logcat O +to O to O +correct O correct O +your O your O +mistake O mistake O + +your O your O +error O error O +must O must O +be O be O +happened O happened O +here O here O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1950 I-Code_Block A_1950 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +other O other O +here O here O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1951 I-Code_Block A_1951 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +try O try O +to O to O +do O do O +this O this O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1952 I-Code_Block A_1952 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +check O check O +if O if O +the O the O +leftString B-Variable_Name leftString B-Code_Block +can O can O +be O be O +converted O converted O +into O into O +float/Integer B-Data_Type float/Integer B-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +15310275 O 15310275 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15310275/ O https://stackoverflow.com/questions/15310275/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1953 I-Code_Block A_1953 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +So O So O +problem O problem O +is O is O +that O that O +your O your O +String B-Data_Type String B-Code_Block +has O has O +invalid O invalid O +format O format O +and O and O +cannot O cannot O +be O be O +parsed O parsed O +to O to O +number B-Data_Type number O +. O . O + +So O So O +my O my O +suggestion O suggestion O +is O is O +to O to O +use O use O +for O for O +example O example O +regex O regex O +before O before O +you O you O +will O will O +perform O perform O +parsing O parsing O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1954 I-Code_Block A_1954 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Note O Note O +: O : O +Also O Also O +add O add O +try-catch B-Code_Block try-catch O +block O block O +to O to O +catch O catch O +Exception B-Code_Block Exception B-Code_Block +and O and O +make O make O +some O some O +log O log O +about O about O +problem O problem O +( O ( O +print O print O +string B-Data_Type string O +value O value O +for O for O +example O example O +) O ) O +. O . O + +Question_ID O Question_ID O +: O : O +12503588 O 12503588 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12503588/ O https://stackoverflow.com/questions/12503588/ O + + +I O I O +was O was O +thinking O thinking O +of O of O +using O using O +.NET B-Library .NET O +DLR B-Application DLR O +for O for O +a O a O +project O project O +, O , O +but O but O +I O I O +see O see O +it O it O +has O has O +n't O n't O +changed O changed O +since O since O +2010 O 2010 O +. O . O + +Does O Does O +anyone O anyone O +know O know O +if O if O +this O this O +project O project O +will O will O +be O be O +maintained O maintained O +or O or O +if O if O +it O it O +has O has O +been O been O +superseded O superseded O +by O by O +anything O anything O +else O else O +? O ? O + +I O I O +am O am O +afraid O afraid O +to O to O +start O start O +a O a O +project O project O +that O that O +heavily O heavily O +depends O depends O +on O on O +the O the O +DLR B-Application DLR O +if O if O +DLR B-Application DLR O +is O is O +no O no O +longer O longer O +supported O supported O +by O by O +Microsoft B-Organization Microsoft O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +12503588 O 12503588 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12503588/ O https://stackoverflow.com/questions/12503588/ O + + +It O It O +got O got O +integrated O integrated O +into O into O +.net B-Library .net O +in O in O +version O version O +4.0 B-Version 4.0 O +in O in O +April O April O +2010 O 2010 O +. O . O + +As O As O +such O such O +, O , O +the O the O +DLR B-Application DLR O +project O project O +itself O itself O +is O is O +n't O n't O +updated O updated O +anymore O anymore O +. O . O + +The O The O +msdn B-Website msdn O +has O has O +a O a O +good O good O +overview O overview O +: O : O +Dynamic O Dynamic O +Language O Language O +Runtime O Runtime O +Overview O Overview O +. O . O + +Question_ID O Question_ID O +: O : O +35003841 O 35003841 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35003841/ O https://stackoverflow.com/questions/35003841/ O + + +when O when O +my O my O +socket B-Library socket O +io I-Library io O +client B-Application client O +connect O connect O +to O to O +the O the O +server B-Application server O +it O it O +does O does O +it O it O +twice O twice O + +double O double O +connection O connection O + +this O this O +is O is O +an O an O +angular B-Library angular O +2 B-Version 2 O +project O project O +so O so O +i O i O +code O code O +in O in O +typescript B-Language typescript O +as O as O +you O you O +can O can O +see O see O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4278 I-Code_Block Q_4278 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +i O i O +tried O tried O +to O to O +code O code O +it O it O +like O like O +that O that O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4279 I-Code_Block Q_4279 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +but O but O +unfortunately O unfortunately O +it O it O +shows O shows O +to O to O +me O me O +this O this O +error O error O +: O : O + +error B-Error_Name error O +server I-Error_Name server O + +The O The O +server B-Application server O +tell O tell O +that O that O +the O the O +value O value O +is O is O +not O not O +initialized O initialized O +== O == O +> O > O +" B-Value " O +undefined I-Value undefined O +" I-Value " O + +I O I O +really O really O +do O do O +not O not O +know O know O +what O what O +to O to O +do O do O +:( O :( O + +if O if O +you O you O +have O have O +an O an O +idea O idea O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35003841 O 35003841 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35003841/ O https://stackoverflow.com/questions/35003841/ O + + +this.s B-Variable_Name this.s B-Code_Block +is O is O +uninitialized O uninitialized O +until O until O +this.io B-Variable_Name this.io B-Code_Block +receives O receives O +a O a O +" B-Value " B-Code_Block +connection I-Value connection I-Code_Block +" I-Value " I-Code_Block +event O event O +. O . O + +If O If O +that O that O +'s O 's O +the O the O +only O only O +place O place O +you O you O +'re O 're O +initializing O initializing O +, O , O +you O you O +can O can O +only O only O +subscribe O subscribe O +this.s B-Variable_Name this.s B-Code_Block +to O to O +other O other O +events O events O +upon O upon O +a O a O +connection O connection O +. O . O + +Switching O Switching O +from O from O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4984 I-Code_Block A_4984 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +to O to O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4985 I-Code_Block A_4985 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +might O might O +do O do O +the O the O +trick O trick O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35003841 O 35003841 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35003841/ O https://stackoverflow.com/questions/35003841/ O + + +You O You O +are O are O +attempting O attempting O +to O to O +use O use O +s B-Variable_Name s B-Code_Block +before O before O +it O it O +is O is O +initialized O initialized O +. O . O + +By O By O +moving O moving O +the O the O +this.s.on B-Library_Function this.s.on B-Code_Block +call O call O +into O into O +the O the O +this.io.on B-Library_Function this.io.on B-Code_Block +callback O callback O +, O , O +you O you O +will O will O +ensure O ensure O +that O that O +s B-Variable_Name s B-Code_Block +is O is O +not O not O +undefined B-Value undefined B-Code_Block +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4986 I-Code_Block A_4986 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +5372036 O 5372036 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5372036/ O https://stackoverflow.com/questions/5372036/ O + + +I O I O +'m O 'm O +attempting O attempting O +to O to O +create O create O +a O a O +ListView B-Library_Class ListView O +where O where O +I O I O +can O can O +draw O draw O +some O some O +basic O basic O +shapes O shapes O +into O into O +each O each O +item O item O +in O in O +the O the O +ListView B-Library_Class ListView O +. O . O + +I O I O +'ve O 've O +found O found O +many O many O +examples O examples O +using O using O +Views/Layouts B-Library_Class Views/Layouts O +within O within O +a O a O +ListView B-Library_Class ListView O +to O to O +add O add O +an O an O +image B-User_Interface_Element image O +etc O etc O +, O , O +but O but O +am O am O +unsure O unsure O +how O how O +I O I O +would O would O +draw O draw O +into O into O +each O each O +one O one O +using O using O +a O a O +Canvas B-Library_Class Canvas O +or O or O +similar O similar O +. O . O + +Furthermore O Furthermore O +these O these O +examples O examples O +seem O seem O +to O to O +all O all O +work O work O +in O in O +slightly O slightly O +different O different O +ways O ways O +, O , O +so O so O +I O I O +was O was O +wondering O wondering O +what O what O +the O the O +best O best O +strategy O strategy O +is O is O +. O . O + +At O At O +the O the O +moment O moment O +I O I O +just O just O +have O have O +a O a O +Main B-Class_Name Main O +class O class O +which O which O +populates O populates O +the O the O +ListView B-Library_Class ListView O +with O with O +basic O basic O +text O text O +. O . O + +Main.java B-File_Name Main.java O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_378 I-Code_Block Q_378 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +I O I O +gather O gather O +I O I O +'ll O 'll O +need O need O +change O change O +the O the O +Adapter B-Library_Class Adapter O +bit O bit O +here O here O +, O , O +and O and O +also O also O +write O write O +another O another O +class O class O +which O which O +possibly O possibly O +extends O extends O +View B-Library_Class View O +, O , O +which O which O +I O I O +can O can O +draw O draw O +to O to O +, O , O +then O then O +add O add O +this O this O +as O as O +an O an O +item O item O +in O in O +the O the O +ListView B-Library_Class ListView O +? O ? O + +Thanks O Thanks O +for O for O +your O your O +help O help O +in O in O +advance O advance O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5372036 O 5372036 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5372036/ O https://stackoverflow.com/questions/5372036/ O + + +You O You O +would O would O +need O need O +to O to O +subclass O subclass O +your O your O +ListView B-Library_Class ListView O +to O to O +a O a O +custom O custom O +implementation O implementation O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_583 I-Code_Block A_583 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +change O change O +the O the O +view B-Library_Class view O +for O for O +each O each O +row B-User_Interface_Element row O +in O in O +the O the O +ListView B-Library_Class ListView B-Code_Block +by O by O +replacing O replacing O +the O the O +.. O .. B-Code_Block +. O . I-Code_Block +with O with O +the O the O +appropriate O appropriate O +View B-Library_Class View B-Code_Block +code O code O +. O . O + +For O For O +example O example O +, O , O +you O you O +can O can O +use O use O +SurfaceView B-Library_Class SurfaceView B-Code_Block +to O to O +draw O draw O +on O on O +it O it O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_584 I-Code_Block A_584 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +above O above O +code O code O +is O is O +n't O n't O +tested O tested O +, O , O +but O but O +hopefully O hopefully O +will O will O +drive O drive O +you O you O +to O to O +the O the O +right O right O +direction O direction O +. O . O + +Make O Make O +sure O sure O +you O you O +optimize O optimize O +your O your O +drawing O drawing O +such O such O +as O as O +use O use O +caching O caching O +when O when O +available O available O +, O , O +preprocess O preprocess O +, O , O +etc O etc O +. O . O + +Question_ID O Question_ID O +: O : O +1151432 O 1151432 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1151432/ O https://stackoverflow.com/questions/1151432/ O + + +I O I O +like O like O +Google B-Library Google O +Web I-Library Web O +Tookit I-Library Tookit O +API O API O +approach O approach O +. O . O + +It O It O +use O use O +Java B-Language Java O +language O language O +behind O behind O +the O the O +scenes O scenes O +that O that O +compiles O compiles O +ONLY O ONLY O +JavaScript B-Language JavaScript O +code O code O +WHOSE O WHOSE O +TARGET O TARGET O +BROWSER B-Application BROWSER O +NEEDS O NEEDS O +. O . O + +It O It O +happens O happens O +some O some O +developers O developers O +would O would O +like O like O +to O to O +use O use O +that O that O +feature O feature O +in O in O +pure O pure O +JavaScript B-Language JavaScript O +language O language O +. O . O + +Anwser O Anwser O +: O : O +WHAT O WHAT O +COULD O COULD O +WE O WE O +SUGGEST O SUGGEST O +in O in O +order O order O +to O to O +fullfill O fullfill O +this O this O +requirement O requirement O +? O ? O + +I O I O +suggest O suggest O +to O to O +use O use O +JavaScript B-Language JavaScript O +comments O comments O +( O ( O +as O as O +a O a O +flag O flag O +) O ) O +as O as O +a O a O +way O way O +some O some O +compiler B-Application compiler O +( O ( O +like O like O +Yahoo B-Application Yahoo O +JavaScript I-Application JavaScript O +compiler I-Application compiler O +) O ) O +analises O analises O +our O our O +app O app O +JavaScript B-Language JavaScript O +code O code O +and O and O +generates O generates O +only O only O +a O a O +JavaScript B-Library JavaScript O +Framework I-Library Framework O +code O code O +needed O needed O +. O . O + +Example O Example O +: O : O +a O a O +hypothetical O hypothetical O +JavaScript B-Library JavaScript O +framework I-Library framework O +( O ( O +JQuery B-Library JQuery O +, O , O +Mootools B-Library Mootools O +, O , O +Prototype B-Library Prototype O +ect O ect O +) O ) O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_67 I-Code_Block Q_67 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +So O So O +when O when O +my O my O +app O app O +use O use O +a O a O +function O function O +sayHello B-Function_Name sayHello O +, O , O +only O only O +that O that O +sayHello B-Function_Name sayHello O +function O function O +and O and O +its O its O +dependencies O dependencies O +would O would O +be O be O +filtered O filtered O +through O through O +JavaScript B-Language JavaScript O +comments O comments O +, O , O +nothing O nothing O +else O else O +. O . O + +So O So O +, O , O +this O this O +way O way O +our O our O +application O application O +would O would O +be O be O +lighter O lighter O +, O , O +by O by O +using O using O +only O only O +JavaScript B-Library JavaScript O +Framework I-Library Framework O +code O code O +needed O needed O +. O . O + +And O And O +you O you O +: O : O +what O what O +do O do O +you O you O +suggest O suggest O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1151432 O 1151432 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1151432/ O https://stackoverflow.com/questions/1151432/ O + + +I O I O +would O would O +suggest O suggest O +learning O learning O +to O to O +program O program O +in O in O +JavaScript B-Language JavaScript O +and O and O +understanding O understanding O +the O the O +various O various O +peculiarities O peculiarities O +of O of O +the O the O +different O different O +DOM B-Library DOM O +implementations O implementations O +, O , O +then O then O +writing O writing O +just O just O +the O the O +code O code O +necessary O necessary O +for O for O +your O your O +application O application O +. O . O + +If O If O +you O you O +really O really O +do O do O +n't O n't O +want O want O +to O to O +have O have O +to O to O +deal O deal O +with O with O +re-creating O re-creating O +all O all O +the O the O +event O event O +handling O handling O +shenanigans O shenanigans O +and O and O +so O so O +on O on O +, O , O +then O then O +nick O nick O +the O the O +relevant O relevant O +techniques O techniques O +from O from O +the O the O +libraries O libraries O +. O . O + +You O You O +'ll O 'll O +learn O learn O +a O a O +lot O lot O +more O more O +about O about O +what O what O +you O you O +'re O 're O +doing O doing O +that O that O +way O way O +, O , O +as O as O +you O you O +'ll O 'll O +need O need O +to O to O +actually O actually O +understand O understand O +how O how O +it O it O +all O all O +works O works O +to O to O +be O be O +able O able O +to O to O +integrate O integrate O +those O those O +techniques O techniques O +with O with O +your O your O +application O application O +. O . O + +Having O Having O +worked O worked O +professionally O professionally O +with O with O +JavaScript B-Language JavaScript O +since O since O +1996 O 1996 O +I O I O +, O , O +like O like O +many O many O +, O , O +was O was O +initially O initially O +tempted O tempted O +by O by O +the O the O +apparent O apparent O +ease O ease O +of O of O +use O use O +offered O offered O +by O by O +libraries O libraries O +; O ; O +but O but O +if O if O +I O I O +see O see O +one O one O +more O more O +answer O answer O +on O on O +here O here O +that O that O +says O says O +" O " O +use O use O +jQuery B-Library jQuery O +" O " O +( O ( O +followed O followed O +by O by O +some O some O +code O code O +that O that O +is O is O +n't O n't O +even O even O +optimal O optimal O +in O in O +jQuery B-Library jQuery O +) O ) O +when O when O +the O the O +correct O correct O +answer O answer O +is O is O +to O to O +use O use O +an O an O +existing O existing O +and O and O +well-documented O well-documented O +feature O feature O +of O of O +JavaScript B-Language JavaScript O +that O that O +works O works O +on O on O +every O every O +single O single O +implementation O implementation O +since O since O +Netscape B-Application Netscape O +Navigator I-Application Navigator O +3 B-Version 3 O +, O , O +I O I O +'ll O 'll O +scream O scream O +;-) O ;-) O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1151432 O 1151432 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1151432/ O https://stackoverflow.com/questions/1151432/ O + + +I O I O +do O do O +n't O n't O +know O know O +about O about O +other O other O +frameworks O frameworks O +, O , O +but O but O +with O with O +Dojo B-Library Dojo O +Toolkit I-Library Toolkit O +you O you O +can O can O +take O take O +advantage O advantage O +of O of O +caching O caching O +better O better O +by O by O +using O using O +a O a O +public O public O +CDN O CDN O +copy O copy O +of O of O +the O the O +source O source O +in O in O +your O your O +site O site O +, O , O +from O from O +AOL B-Website AOL O +or O or O +Google B-Website Google O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1151432 O 1151432 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1151432/ O https://stackoverflow.com/questions/1151432/ O + + +If O If O +the O the O +JavaScript B-Language JavaScript O +code O code O +of O of O +the O the O +framework O framework O +is O is O +served O served O +as O as O +a O a O +cacheable O cacheable O +file O file O +then O then O +the O the O +download O download O +cost O cost O +of O of O +requesting O requesting O +the O the O +entire O entire O +framework O framework O +( O ( O +e.g O e.g O +. O . O +jQuery.js B-File_Name jQuery.js O +) O ) O +can O can O +be O be O +eliminated O eliminated O +, O , O +but O but O +if O if O +you O you O +were O were O +generating O generating O +the O the O +framework O framework O +code O code O +on O on O +the O the O +fly O fly O +( O ( O +as O as O +you O you O +suggest O suggest O +above O above O +) O ) O +then O then O +it O it O +'s O 's O +going O going O +to O to O +be O be O +harder O harder O +to O to O +take O take O +advantage O advantage O +of O of O +caching O caching O +. O . O + +On O On O +top O top O +of O of O +this O this O +the O the O +memory O memory O +cost O cost O +of O of O +defining O defining O +the O the O +entire O entire O +framework O framework O +is O is O +probably O probably O +unlikely O unlikely O +to O to O +be O be O +problematic O problematic O +( O ( O +assuming O assuming O +the O the O +framework O framework O +is O is O +written O written O +sensibly O sensibly O +) O ) O +. O . O + +So O So O +, O , O +pulling O pulling O +in O in O +the O the O +entire O entire O +framework O framework O +, O , O +as O as O +is O is O +the O the O +common O common O +case O case O +, O , O +is O is O +simple O simple O +, O , O +works O works O +well O well O +and O and O +does O does O +n't O n't O +require O require O +a O a O +particular O particular O +server-side B-Device server-side O +infrastructure O infrastructure O +( O ( O +like O like O +GWT B-Library GWT O +does O does O +) O ) O +. O . O + +Question_ID O Question_ID O +: O : O +41803608 O 41803608 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41803608/ O https://stackoverflow.com/questions/41803608/ O + + +I O I O +expect O expect O +to O to O +output O output O +: O : O + +acej B-Output_Block acej B-Code_Block + +which O which O +works O works O +fine O fine O +with O with O +this O this O +algorithm O algorithm O +but O but O +there O there O +is O is O +a O a O +problem O problem O +with O with O +outputting O outputting O +the O the O +result O result O +and O and O +this O this O +problem O problem O +causes O causes O +stack B-Data_Structure stack O +to O to O +overflow B-Error_Name overflow O +. O . O + +How O How O +do O do O +I O I O +fix O fix O +it O it O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5313 I-Code_Block Q_5313 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41803608 O 41803608 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41803608/ O https://stackoverflow.com/questions/41803608/ O + + +Lets O Lets O +take O take O +a O a O +closer O closer O +look O look O +at O at O +your O your O +output O output O +operator O operator O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5991 I-Code_Block A_5991 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +'s O 's O +called O called O +when O when O +you O you O +output O output O +a O a O +std::vector B-Library_Class std::vector B-Code_Block +. O . O + +It O It O +will O will O +then O then O +output O output O +a O a O +std::vector B-Library_Class std::vector B-Code_Block +which O which O +causes O causes O +a O a O +recursive O recursive O +call O call O +, O , O +and O and O +so O so O +on O on O +in O in O +infinity O infinity O +( O ( O +or O or O +until O until O +you O you O +get O get O +a O a O +stack B-Error_Name stack O +overflow I-Error_Name overflow O +) O ) O +. O . O + +What O What O +your O your O +output O output O +operator O operator O +needs O needs O +to O to O +to O to O +is O is O +iterate O iterate O +over O over O +the O the O +vector B-Library_Class vector O +and O and O +output O output O +each O each O +element O element O +. O . O + +On O On O +an O an O +unrelated O unrelated O +note O note O +, O , O +do O do O +n't O n't O +pass O pass O +the O the O +vector B-Library_Class vector O +by O by O +value O value O +to O to O +the O the O +function O function O +. O . O + +Instead O Instead O +use O use O +a O a O +constant O constant O +reference O reference O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5992 I-Code_Block A_5992 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41803608 O 41803608 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41803608/ O https://stackoverflow.com/questions/41803608/ O + + +Did O Did O +you O you O +intend O intend O +to O to O +use O use O +std::string B-Library_Class std::string B-Code_Block +and O and O +used O used O +incorrect O incorrect O +STL B-Library STL O +container O container O +instead O instead O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5996 I-Code_Block A_5996 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Output O Output O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5997 I-Code_Block A_5997 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +31959498 O 31959498 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31959498/ O https://stackoverflow.com/questions/31959498/ O + + +I O I O +am O am O +first O first O +sorry O sorry O +to O to O +say O say O +that O that O +I O I O +do O do O +not O not O +have O have O +access O access O +to O to O +gitHub B-Website gitHub B-Code_Block +or O or O +sourceForge.net B-Website sourceForge.net B-Code_Block +, O , O +so O so O +I O I O +ca O ca O +n't O n't O +retrieve O retrieve O +solution O solution O +like O like O +this O this O +: O : O +possible O possible O +answer O answer O + +I O I O +have O have O +half O half O +a O a O +giga O giga O +( O ( O +510199112 O 510199112 B-Code_Block +bytes O bytes I-Code_Block +) O ) O +to O to O +download O download O +by O by O +ftp O ftp O +but O but O +there O there O +is O is O +a O a O +time-out B-Error_Name time-out O +error O error O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3858 I-Code_Block Q_3858 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +would O would O +like O like O +to O to O +manage O manage O +my O my O +time O time O +out O out O +butdo O butdo O +not O not O +know O know O +how O how O +to O to O +proceed O proceed O +in O in O +my O my O +current O current O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3859 I-Code_Block Q_3859 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +30673380 O 30673380 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30673380/ O https://stackoverflow.com/questions/30673380/ O + + +Using O Using O +ajax B-Library_Function ajax O +, O , O +I O I O +made O made O +it O it O +possible O possible O +so O so O +that O that O +a O a O +user O user O +gets O gets O +logout O logout O +after O after O +10 O 10 O +seconds O seconds O +of O of O +staying O staying O +on O on O +the O the O +same O same O +page O page O +. O . O + +Keep O Keep O +in O in O +mind O mind O +that O that O +the O the O +10 O 10 O +seconds O seconds O +is O is O +just O just O +for O for O +testing O testing O +purposes O purposes O +. O . O + +However O However O +, O , O +if O if O +the O the O +user O user O +closes O closes O +their O their O +browser B-Application browser O +before O before O +the O the O +10 O 10 O +seconds O seconds O +are O are O +up O up O +, O , O +they O they O +do O do O +not O not O +get O get O +log O log O +out O out O +. O . O + +I O I O +thought O thought O +about O about O +logging O logging O +them O them O +out O out O +when O when O +they O they O +exit O exit O +their O their O +browser B-Application browser O +, O , O +but O but O +I O I O +have O have O +yet O yet O +to O to O +figure O figure O +out O out O +how O how O +, O , O +and O and O +even O even O +if O if O +I O I O +do O do O +, O , O +what O what O +does O does O +exiting O exiting O +their O their O +browser B-Application browser O +entails O entails O +? O ? O + +Does O Does O +it O it O +count O count O +if O if O +they O they O +just O just O +close O close O +a O a O +tab B-User_Interface_Element tab O +while O while O +there O there O +are O are O +other O other O +tabs B-User_Interface_Element tabs O +open O open O +? O ? O + +What O What O +if O if O +they O they O +have O have O +2 O 2 O +, O , O +3 O 3 O +or O or O +more O more O +browsers B-Application browsers O +open O open O +at O at O +the O the O +same O same O +time O time O +? O ? O + +How O How O +do O do O +I O I O +determine O determine O +that O that O +all O all O +those O those O +open O open O +browsers B-Application browsers O +are O are O +exited O exited O +before O before O +logging O logging O +them O them O +out O out O +? O ? O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3681 I-Code_Block Q_3681 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3682 I-Code_Block Q_3682 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30673380 O 30673380 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30673380/ O https://stackoverflow.com/questions/30673380/ O + + +The O The O +onBeforeUnload B-Library_Class onBeforeUnload O +event O event O +should O should O +work O work O +for O for O +you O you O +. O . O + +It O It O +covers O covers O +: O : O + +Closing O Closing O +a O a O +tab B-User_Interface_Element tab O +( O ( O +regardless O regardless O +of O of O +how O how O +many O many O +tabs B-User_Interface_Element tabs O +are O are O +open O open O +) O ) O + +Exiting O Exiting O +the O the O +browser B-Application browser O + +Navigating O Navigating O +away O away O +from O from O +the O the O +page B-User_Interface_Element page O + +Refreshing O Refreshing O +the O the O +page B-User_Interface_Element page O + +You O You O +can O can O +use O use O +this O this O +as O as O +inline O inline O +attributes O attributes O +, O , O +or O or O +to O to O +trigger O trigger O +ajax B-Library_Function ajax O +functions O functions O +to O to O +notify O notify O +the O the O +server B-Application server O +. O . O + +There O There O +are O are O +several O several O +methods O methods O +to O to O +accomplish O accomplish O +what O what O +you O you O +are O are O +looking O looking O +for O for O +, O , O +however O however O +I O I O +must O must O +note O note O +I O I O +have O have O +never O never O +attempted O attempted O +what O what O +you O you O +are O are O +trying O trying O +. O . O + +I O I O +am O am O +only O only O +speaking O speaking O +from O from O +what O what O +I O I O +have O have O +read O read O +about O about O +it O it O +. O . O + +Here O Here O +are O are O +some O some O +other O other O +sources O sources O +on O on O +SO B-Website SO O +as O as O +well O well O +. O . O + +Hope O Hope O +this O this O +helps O helps O +! O ! O + +Question_ID O Question_ID O +: O : O +4576521 O 4576521 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4576521/ O https://stackoverflow.com/questions/4576521/ O + + +I O I O +have O have O +a O a O +simple O simple O +question O question O +about O about O +jquery B-Library jquery O +slideDown B-Library_Function slideDown O +, O , O +SlideUp B-Library_Function SlideUp O +. O . O + +I O I O +'m O 'm O +using O using O +slideDown B-Library_Function slideDown O +to O to O +slide O slide O +a O a O +div B-HTML_XML_Tag div O +on O on O +click O click O +, O , O +like O like O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_313 I-Code_Block Q_313 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +How O How O +can O can O +I O I O +do O do O +it O it O +so O so O +that O that O +if O if O +the O the O +#box B-Variable_Name #box O +is O is O +already O already O +slided O slided O +down O down O +, O , O +it O it O +should O should O +slide O slide O +up O up O +by O by O +clicking O clicking O +again O again O +? O ? O + +Thanks O Thanks O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +4576521 O 4576521 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4576521/ O https://stackoverflow.com/questions/4576521/ O + + +use O use O +.slideToggle() B-Library_Function .slideToggle() O +instead O instead O + +$("#box").slideToggle("slow") B-Code_Block $("#box").slideToggle("slow") B-Code_Block +; I-Code_Block ; I-Code_Block + +Question_ID O Question_ID O +: O : O +9800642 O 9800642 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9800642/ O https://stackoverflow.com/questions/9800642/ O + + +I O I O +have O have O +a O a O +server-client B-Application server-client O +application O application O +[ O [ O +TCP O TCP O +sockets O sockets O +, O , O +.NET B-Library .NET O +4.0 B-Version 4.0 O +] O ] O +. O . O +. O . O + +the O the O +application O application O +about O about O +: O : O + +do O do O +the O the O +commands O commands O +that O that O +received O received O +from O from O +the O the O +client B-Application client O + +receives O receives O +files O files O + +send O send O +a O a O +screenshot O screenshot O +image B-User_Interface_Element image O + +the O the O +application O application O +should O should O +do O do O +the O the O +3 O 3 O +tasks O tasks O +in O in O +the O the O +same O same O +time O time O + +After O After O +i O i O +done O done O +that O that O +and O and O +it O it O +worked O worked O +. O . O +. O . O +i O i O +realized O realized O +that O that O +these O these O +kind O kind O +of O of O +application O application O +should O should O +use O use O +one O one O +port B-Device port O +for O for O +all O all O +tasks O tasks O +. O . O +. O . O +like O like O +Radmin B-Application Radmin O +and O and O +netsupport B-Application netsupport O +. O . O +. O . O +etc O etc O + +but O but O +i O i O +used O used O +3 O 3 O +ports O ports O +. O . O +. O . O +one O one O +to O to O +keep O keep O +receiving O receiving O +commands O commands O +any O any O +time O time O +the O the O +client B-Application client O +sends O sends O +. O . O + +and O and O +one O one O +for O for O +receiving O receiving O +files O files O +. O . O +. O . O +and O and O +one O one O +if O if O +the O the O +client B-Application client O +asked O asked O +for O for O +a O a O +screenshot O screenshot O + +so O so O +is O is O +it O it O +fine O fine O +to O to O +use O use O +3 O 3 O +ports B-Device ports O +for O for O +a O a O +network O network O +application O application O +? O ? O + +. O . O +. O . O + +I O I O +'ve O 've O +tried O tried O +to O to O +create O create O +3 O 3 O +sockets O sockets O +on O on O +the O the O +client B-Application client O +side O side O +to O to O +connect O connect O +to O to O +server B-Application server O +on O on O +the O the O +same O same O +port B-Device port O +( O ( O +ex:9090 O ex:9090 O +) O ) O + +but O but O +when O when O +i O i O +tried O tried O +to O to O +send O send O +a O a O +file O file O +from O from O +the O the O +client B-Application client O +. O . O +. O . O +the O the O +server B-Application server O +received O received O +the O the O +bytes O bytes O +in O in O +Job B-Library_Function Job O +function O function O +that O that O +'s O 's O +should O should O +receives O receives O +the O the O +commands O commands O +only O only O +.. O .. O +. O . O +so O so O +it O it O +looks O looks O +like O like O +i O i O +ca O ca O +n't O n't O +use O use O +one O one O +port B-Device port O +for O for O +those O those O +tasks O tasks O +so O so O +is O is O +it O it O +possible O possible O +use O use O +one O one O +port B-Device port O +for O for O +all O all O +of O of O +the O the O +three O three O +tasks O tasks O +that O that O +they O they O +may O may O +work O work O +at O at O +the O the O +same O same O +time O time O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_848 I-Code_Block Q_848 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Added O Added O +question O question O +: O : O + +lets O lets O +say O say O +the O the O +server B-Application server O +has O has O +one O one O +port B-Device port O +. O . O + +the O the O +client B-Application client O +connect O connect O +to O to O +server B-Application server O +for O for O +commands O commands O +. O . O +. O . O +let O let O +'s O 's O +call O call O +it O it O +cmdClient B-Variable_Name cmdClient O +which O which O +its O its O +port B-Device port O +is O is O +11589then B-Value 11589then O +a O a O +Job B-Library_Function Job O +Thread O Thread O +started O started O +for O for O +this O this O +client B-Application client O +like O like O +the O the O +code O code O +up O up O +. O . O + +then O then O +the O the O +client B-Application client O +connect O connect O +with O with O +another O another O +socket O socket O +to O to O +the O the O +server B-Application server O +. O . O +. O . O +dataClient B-Variable_Name dataClient O +which O which O +its O its O +port B-Device port O +is O is O +1800 B-Value 1800 O +then O then O +when O when O +i O i O +use O use O +the O the O +dataClient B-Variable_Name dataClient O +to O to O +send O send O +a O a O +file O file O +. O . O +. O . O +the O the O +server B-Application server O +receives O receives O +the O the O +bytes O bytes O +at O at O +the O the O +job B-Library_Function job O +Method O Method O +. O . O +. O . O + +! O ! O +! O ! O + +why O why O +does O does O +that O that O +happene O happene O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9800642 O 9800642 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9800642/ O https://stackoverflow.com/questions/9800642/ O + + +Yes O Yes O +, O , O +it O it O +is O is O +wise O wise O +to O to O +use O use O +multiple O multiple O +ports B-Device ports O +when O when O +doing O doing O +file O file O +transfers O transfers O +. O . O + +It O It O +would O would O +require O require O +a O a O +quite O quite O +advanced O advanced O +protocol O protocol O +to O to O +use O use O +the O the O +same O same O +port B-Device port O +and O and O +still O still O +keep O keep O +the O the O +application O application O +response O response O +( O ( O +as O as O +you O you O +still O still O +have O have O +to O to O +be O be O +able O able O +to O to O +send O send O +commands O commands O +during O during O +file O file O +transfers O transfers O +) O ) O +. O . O + +But O But O +I O I O +do O do O +not O not O +recommend O recommend O +you O you O +to O to O +use O use O +three O three O +fixed O fixed O +ports B-Device ports O +. O . O + +Use O Use O +one O one O +port B-Device port O +for O for O +all O all O +commands O commands O +and O and O +an O an O +arbitrary O arbitrary O +number O number O +of O of O +ports B-Device ports O +for O for O +the O the O +file O file O +transfers O transfers O +. O . O + +A O A O +file O file O +transfer O transfer O +would O would O +look O look O +like O like O +this O this O +: O : O + +( O ( O +CmdPort O CmdPort O +) O ) O +Client B-Application Client O +-> O -> O +Server B-Application Server O +Hey O Hey O +I O I O +want O want O +to O to O +transfer O transfer O +file O file O +XXX B-File_Name XXX O +with O with O +size O size O +YYYY B-Value YYYY O + +( O ( O +CmdPort O CmdPort O +) O ) O +Server B-Application Server O +-> O -> O +Client B-Application Client O +Roger O Roger O +, O , O +connect O connect O +to O to O +port B-Device port O +8217 B-Value 8217 O +and O and O +transfer O transfer O +the O the O +file O file O + +( O ( O +8217 O 8217 O +) O ) O +Client B-Application Client O +-> O -> O +Server B-Application Server O +Connects O Connects O +, O , O +transfer O transfer O +the O the O +entire O entire O +file O file O +, O , O +disconnect O disconnect O + +( O ( O +8217 O 8217 O +) O ) O +Server B-Application Server O +Checks O Checks O +that O that O +the O the O +transferred O transferred O +size O size O +matches O matches O +the O the O +one O one O +specified O specified O +in O in O +step O step O +#1 O #1 O + +That O That O +allows O allows O +you O you O +to O to O +transfer O transfer O +several O several O +files O files O +at O at O +the O the O +same O same O +time O time O +. O . O + +Let O Let O +the O the O +server B-Application server O +create O create O +a O a O +new O new O +listening O listening O +socket O socket O +using O using O +port B-Device port O +0 B-Value 0 O +. O . O + +It O It O +tells O tells O +the O the O +OS O OS O +to O to O +select O select O +a O a O +free O free O +port B-Device port O +. O . O + +Then O Then O +use O use O +Socket.LocalEndpoint B-Library_Variable Socket.LocalEndpoint B-Code_Block +to O to O +find O find O +out O out O +the O the O +port B-Device port O +before O before O +sending O sending O +it O it O +back O back O +in O in O +step O step O +#2 O #2 O +. O . O + +The O The O +specified O specified O +approach O approach O +also O also O +lets O lets O +you O you O +take O take O +advantage O advantage O +of O of O +Socket.SendFile B-Library_Function Socket.SendFile B-Code_Block +which O which O +is O is O +probably O probably O +the O the O +most O most O +effective O effective O +and O and O +fastest O fastest O +way O way O +to O to O +send O send O +files O files O +using O using O +.NET B-Library .NET O +. O . O + +( O ( O +FTP O FTP O +uses O uses O +the O the O +same O same O +approach O approach O +, O , O +as O as O +do O do O +bittorrent O bittorrent O +. O . O + +You O You O +might O might O +have O have O +used O used O +a O a O +file B-Application file O +manager I-Application manager O +when O when O +downloading O downloading O +files O files O +from O from O +the O the O +web O web O +. O . O + +They O They O +takes O takes O +a O a O +more O more O +extreme O extreme O +approach O approach O +and O and O +splits O splits O +up O up O +the O the O +file O file O +download O download O +over O over O +multiple O multiple O +sockets O sockets O +to O to O +get O get O +around O around O +web O web O +server B-Application server O +bandwidth O bandwidth O +throttling O throttling O +. O . O +) O ) O + +update O update O +in O in O +response O response O +to O to O +a O a O +comment O comment O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +You O You O +did O did O +not O not O +specify O specify O +that O that O +information O information O +in O in O +the O the O +original O original O +question O question O +, O , O +which O which O +made O made O +me O me O +assume O assume O +that O that O +you O you O +only O only O +transfer O transfer O +one O one O +file O file O +at O at O +a O a O +time O time O +. O . O + +Batch O Batch O +transfers O transfers O +would O would O +work O work O +in O in O +the O the O +same O same O +way O way O +, O , O +just O just O +change O change O +so O so O +that O that O +step O step O +#1 O #1 O +sends O sends O +a O a O +list B-Data_Structure list O +of O of O +filename+size O filename+size O +and O and O +then O then O +send O send O +all O all O +files O files O +after O after O +each O each O +other O other O +in O in O +step O step O +#3 O #3 O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9800642 O 9800642 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9800642/ O https://stackoverflow.com/questions/9800642/ O + + +It O It O +would O would O +not O not O +be O be O +best O best O +practice O practice O +to O to O +use O use O +3 O 3 O +ports B-Device ports O +unless O unless O +each O each O +operation O operation O +was O was O +it O it O +'s O 's O +own O own O +application O application O +, O , O +i.e O i.e O +. O . O +a O a O +file B-Application file O +server I-Application server O +, O , O +an O an O +image B-Application image O +server I-Application server O +etc O etc O +. O . O + +You O You O +should O should O +create O create O +one O one O +application O application O +listening O listening O +on O on O +1 O 1 O +port B-Device port O +and O and O +then O then O +use O use O +Threading O Threading O +to O to O +accept O accept O +multiple O multiple O +connections O connections O +to O to O +the O the O +server B-Application server O +( O ( O +each O each O +with O with O +it O it O +'s O 's O +own O own O +instance O instance O +of O of O +a O a O +StreamReader B-Library_Class StreamReader O +) O ) O +. O . O + +You O You O +could O could O +then O then O +write O write O +a O a O +parser B-Function_Name parser O +method O method O +for O for O +the O the O +users O users O +input O input O +. O . O + +For O For O +example O example O +, O , O +if O if O +the O the O +user O user O +sends O sends O +the O the O +command O command O +" B-Value " O +RECIEVE I-Value RECIEVE O +FILE I-Value FILE O +" I-Value " O +, O , O +the O the O +server B-Application server O +would O would O +expect O expect O +a O a O +File O File O +, O , O +if O if O +the O the O +user O user O +sent O sent O +the O the O +command O command O +" B-Value " O +IMAGE I-Value IMAGE O +" I-Value " O +the O the O +server B-Application server O +would O would O +expect O expect O +an O an O +image B-User_Interface_Element image O +. O . O + +An O An O +example O example O +of O of O +multi O multi O +threaded O threaded O +servers B-Application servers O +can O can O +be O be O +found O found O +here O here O +: O : O + +http://csharp.net-informations.com/communications/csharp-multi-threaded-server-socket.htm O http://csharp.net-informations.com/communications/csharp-multi-threaded-server-socket.htm O + +Question_ID O Question_ID O +: O : O +27976879 O 27976879 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27976879/ O https://stackoverflow.com/questions/27976879/ O + + +I O I O +want O want O +to O to O +route B-Library_Function route O +multiple O multiple O +paths O paths O +to O to O +the O the O +same O same O +template O template O +. O . O + +For O For O +example O example O +, O , O +/abc/home B-File_Name /abc/home B-Code_Block +and O and O +/home B-File_Name /home B-Code_Block +will O will O +both O both O +show O show O +the O the O +home O home B-Code_Block +template O template O +. O . O + +The O The O +paths O paths O +can O can O +also O also O +have O have O +subpaths O subpaths O +, O , O +so O so O +abc/parent/child B-File_Name abc/parent/child B-Code_Block +and O and O +/parent/child B-File_Name /parent/child B-Code_Block +should O should O +route B-Library_Function route O +to O to O +same O same O +path O path O +also O also O +. O . O + +I O I O +can O can O +simply O simply O +repeat O repeat O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3267 I-Code_Block Q_3267 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +I O I O +do O do O +n't O n't O +want O want O +to O to O +repeat O repeat O +it O it O +. O . O + +If O If O +I O I O +want O want O +to O to O +change O change O +the O the O +template O template O +to O to O +route B-Library_Function route O +to O to O +, O , O +I O I O +want O want O +to O to O +only O only O +change O change O +it O it O +once O once O +- O - O +for O for O +convenience O convenience O +and O and O +also O also O +to O to O +minimize O minimize O +errors O errors O +. O . O + +I O I O +can O can O +also O also O +use O use O +parameters O parameters O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3268 I-Code_Block Q_3268 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +this O this O +, O , O +again O again O +, O , O +is O is O +repeating O repeating O +myself O myself O +. O . O + +Also O Also O +, O , O +there O there O +can O can O +subpaths O subpaths O +, O , O +and O and O +I O I O +do O do O +n't O n't O +want O want O +to O to O +define O define O +routing O routing O +for O for O +/:_abc/:parent/:children B-File_Name /:_abc/:parent/:children B-Code_Block +and O and O +/:_abc/:grandparent/:parent/:children/ B-File_Name /:_abc/:grandparent/:parent/:children/ B-Code_Block +: O : I-Code_Block +, O , O +because O because O +it O it O +will O will O +be O be O +messy O messy O +. O . O + +I O I O +also O also O +tried O tried O +using O using O +Router.go() B-Library_Function Router.go() B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3269 I-Code_Block Q_3269 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +this O this O +removes O removes O +the O the O +/abc/ B-File_Name /abc/ B-Code_Block +from O from O +the O the O +url O url O +, O , O +which O which O +is O is O +undesired O undesired O +in O in O +my O my O +case O case O +. O . O + +The O The O +best O best O +solution O solution O +I O I O +have O have O +right O right O +now O now O +is O is O +using O using O +a O a O +shared O shared O +function O function O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3270 I-Code_Block Q_3270 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Can O Can O +I O I O +instead O instead O +do O do O +something O something O +like O like O +specify O specify O +an O an O +array B-Data_Structure array O +, O , O +or O or O +comma-separated O comma-separated O +string B-Data_Type string O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3271 I-Code_Block Q_3271 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +How O How O +do O do O +I O I O +efficiently O efficiently O +route B-Library_Function route O +multiple O multiple O +paths O paths O +to O to O +one O one O +template O template O +, O , O +while O while O +not O not O +repeating O repeating O +myself O myself O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +27976879 O 27976879 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27976879/ O https://stackoverflow.com/questions/27976879/ O + + +Use O Use O +a O a O +regular O regular O +expression O expression O +( O ( O +regex O regex O +) O ) O +that O that O +matches O matches O +both O both O +/home B-File_Name /home B-Code_Block +and O and O +/abc/home B-File_Name /abc/home B-Code_Block +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +27976879 O 27976879 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27976879/ O https://stackoverflow.com/questions/27976879/ O + + +I O I O +made O made O +a O a O +second O second O +template O template O +that O that O +only O only O +includes O includes O +the O the O +first O first O +. O . O + +In O In O +your O your O +case O case O +this O this O +might O might O +look O look O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6530 I-Code_Block A_6530 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +28871631 O 28871631 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28871631/ O https://stackoverflow.com/questions/28871631/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3407 I-Code_Block Q_3407 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +still O still O +do O do O +n't O n't O +understand O understand O +why O why O +the O the O +output O output O +in O in O +scanFileName B-Library_Function scanFileName O +( I-Library_Function ( O +Jlabel I-Library_Function Jlabel O +) I-Library_Function ) O +is O is O +directly O directly O +showing O showing O +" B-Value " O +. I-Value . O +" I-Value " O +instead O instead O +of O of O +"" B-Value "" O +, O , O +" B-Value " O +Please I-Value Please O +Wait I-Value Wait O +. I-Value . O +Loading I-Value Loading O +Database I-Value Database O +.. I-Value .. O +. I-Value . O +" I-Value " O +, O , O +and O and O +then O then O +" B-Value " O +. I-Value . O +" I-Value " O +. O . O + +Please O Please O +help O help O +. O . O + +I O I O +'d O 'd O +be O be O +grateful O grateful O +to O to O +you O you O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +28871631 O 28871631 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28871631/ O https://stackoverflow.com/questions/28871631/ O + + +Start O Start O +by O by O +having O having O +a O a O +read O read O +through O through O +Concurrency O Concurrency O +in O in O +Swing B-Library Swing O +. O . O + +Swing B-Library Swing O +is O is O +a O a O +single O single O +threaded O threaded O +framework O framework O +, O , O +this O this O +means O means O +that O that O +anything O anything O +which O which O +blocks O blocks O +this O this O +thread O thread O +( O ( O +like O like O +Thread.sleep B-Library_Function Thread.sleep B-Code_Block +) O ) O +will O will O +prevent O prevent O +the O the O +framework O framework O +from O from O +processing O processing O +new O new O +events O events O +( O ( O +including O including O +paint O paint O +requests O requests O +) O ) O +. O . O + +While O While O +there O there O +are O are O +any O any O +number O number O +of O of O +ways O ways O +you O you O +might O might O +make O make O +this O this O +work O work O +, O , O +probably O probably O +the O the O +easiest O easiest O +is O is O +a O a O +Swing B-Library Swing O +javax.swing.Timer B-Library_Class javax.swing.Timer B-Code_Block +. O . O + +Take O Take O +a O a O +look O look O +at O at O +How O How O +to O to O +use O use O +Swing B-Library_Class Swing O +Timers I-Library_Class Timers O +for O for O +more O more O +details O details O +.. O .. O +. O . O + +Question_ID O Question_ID O +: O : O +19344566 O 19344566 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/19344566/ O https://stackoverflow.com/questions/19344566/ O + + +TLDR O TLDR O +: O : O +Getting O Getting O +fatal B-Error_Name fatal O +error I-Error_Name error O +' O ' O +failed O failed O +to O to O +get O get O +process O process O +times O times O +' O ' O +on O on O +cross-native B-Version cross-native O +build O build O +of O of O +gcc B-Application gcc O +. O . O + +Can O Can O +I O I O +remove O remove O +report_times B-Function_Name report_times O +code O code O +from O from O +gcc.c B-File_Name gcc.c O +OR O OR O +use O use O +gcc B-Application gcc O +command O command O +line O line O +option O option O +to O to O +disable O disable O +report_times B-Function_Name report_times O +OR O OR O +build O build O +gcc B-Application gcc O +without O without O +libiberty B-Library libiberty O +( O ( O +which O which O +contains O contains O +pex_get_times B-Library_Function pex_get_times O +used O used O +by O by O +report_times B-Function_Name report_times O + +DETAIL O DETAIL O + +After O After O +beating O beating O +my O my O +head O head O +against O against O +various O various O +problems O problems O +I O I O +'ve O 've O +( O ( O +finally O finally O +) O ) O +successfully O successfully O +used O used O +the O the O +Android B-Application Android O +NDK I-Application NDK O +standalone I-Application standalone O +toolchain I-Application toolchain O +to O to O +build O build O +binutils B-Application binutils O +2.23 B-Version 2.23 O +and O and O +gcc B-Application gcc O +4.70 B-Version 4.70 O +. O . O + +My O My O +current O current O +problem O problem O +is O is O +getting O getting O +it O it O +to O to O +run O run O +on O on O +my O my O +device O device O +. O . O + +I O I O +'ve O 've O +written O written O +a O a O +standard O standard O +' O ' O +hello O hello O +world O world O +' O ' O +( O ( O +copied O copied O +from O from O +here O here O +) O ) O +to O to O +test O test O +gcc B-Application gcc O +on O on O +my O my O +device O device O +. O . O + +When O When O +I O I O +run O run O +: O : O + +arm-linux-eabi-gcc B-Code_Block arm-linux-eabi-gcc O +hello.c I-Code_Block hello.c O +-o I-Code_Block -o O +hello I-Code_Block hello O + +or O or O +: O : O + +arm-linux-eabi-gcc B-Code_Block arm-linux-eabi-gcc O +hello.c I-Code_Block hello.c O + +I O I O +get O get O +the O the O +following O following O +error O error O +: O : O + +arm-linux-eabi-gcc B-Code_Block arm-linux-eabi-gcc O +: I-Code_Block : O +fatal B-Error_Name fatal O +error I-Error_Name error O +: O : O +failed O failed O +to O to O +get O get O +process O process O +times O times O +: O : O +No O No O +such O such O +file O file O +or O or O +directory O directory O +. O . O + +Google B-Website Google O +did O did O +not O not O +return O return O +much O much O +except O except O +for O for O +links O links O +to O to O +gcc.c B-File_Name gcc.c O +source O source O +. O . O + +Examining O Examining O +the O the O +source O source O +, O , O +I O I O +found O found O +the O the O +error O error O +in O in O +a O a O +function O function O +( O ( O +module O module O +? O ? O + +extension O extension O +? O ? O +) O ) O + +called O called O +report_times B-Function_Name report_times O +. O . O + +The O The O +error O error O +is O is O +returned O returned O +by O by O +the O the O +function O function O +( O ( O +module O module O +? O ? O +extension O extension O +? O ? O +) O ) O + +pex_get_times B-Library_Function pex_get_times O +.... O .... O +I O I O +' O ' O +m O m O +guessing O guessing O +it O it O +does O does O +so O so O +if O if O +it O it O +ca O ca O +n't O n't O +get O get O +the O the O +process O process O +times O times O +. O . O + +The O The O +pex_get_times B-Library_Function pex_get_times O +function O function O +( O ( O +module O module O +? O ? O +extension O extension O +? O ? O + +I O I O +'m O 'm O +not O not O +sure O sure O +what O what O +it O it O +is O is O +) O ) O +is O is O +defined O defined O +in O in O +libiberty B-Library libiberty O +. O . O + +I O I O +can O can O +use O use O +--disable-build-libiberty B-Code_Block --disable-build-libiberty O +, O , O +but O but O +it O it O +does O does O +n't O n't O +help O help O +for O for O +the O the O +host O host O +( O ( O +my O my O +NookHD B-Device NookHD O +) O ) O +gcc B-Application gcc O +build O build O +. O . O + +My O My O +question(s) O question(s) O +: O : O + +Can O Can O +this O this O +portion O portion O +of O of O +gcc.c B-File_Name gcc.c O +be O be O +safely O safely O +( O ( O +and O and O +easily O easily O +) O ) O +removed O removed O +... O ... O +i O i O +. O . O +the O the O +report_times B-Function_Name report_times O +function I-Function_Name function O +and O and O +everything O everything O +associated O associated O +with O with O +it O it O +? O ? O + +or O or O + +Is O Is O +there O there O +a O a O +command B-Application command O +line I-Application line O +option O option O +to O to O +tell O tell O +arm-linux-eabi-gcc B-Code_Block arm-linux-eabi-gcc O +NOT O NOT O +to O to O +use O use O +report_times B-Function_Name report_times O +? O ? O + +or O or O + +Is O Is O +there O there O +a O a O +way O way O +to O to O +disable O disable O +build O build O +of O of O +libiberty B-Library libiberty O +for O for O +host/target O host/target O +for O for O +both O both O +gcc B-Library gcc O +and O and O +binutils B-Library binutils O +, O , O +and O and O +would O would O +that O that O +fix O fix O +the O the O +error O error O +? O ? O + +As O As O +always O always O +... O ... O +I O I O +' O ' O +ll O ll O +keep O keep O +researching O researching O +while O while O +awaiting O awaiting O +an O an O +answer O answer O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +19344566 O 19344566 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/19344566/ O https://stackoverflow.com/questions/19344566/ O + + +Found O Found O +this O this O +about O about O +an O an O +hour O hour O +after O after O +posting O posting O +this O this O +question O question O +. O . O + +Maybe O Maybe O +two O two O +. O . O + +Apparently O Apparently O +report_times B-Function_Name report_times O +is O is O +part O part O +of O of O +debugging O debugging O +symbols O symbols O +(?) O (?) O + +for O for O +GCC B-Application GCC O +. O . O + +To O To O +exclude O exclude O +report_times B-Function_Name report_times O +( O ( O +which O which O +causes O causes O +the O the O +' B-Error_Name ' O +failed I-Error_Name failed O +to I-Error_Name to O +get I-Error_Name get O +process I-Error_Name process O +times I-Error_Name times O +' B-Error_Name ' O +from O from O +the O the O +original O original O +question O question O +) O ) O +you O you O +have O have O +to O to O +build O build O +the O the O +debug O debug O +... O ... O +or O or O +release O release O +... O ... O +version O version O +of O of O +gcc O gcc O +. O . O + +To O To O +do O do O +this O this O +, O , O +I O I O +used O used O +info O info O +from O from O +this O this O +link O link O +: O : O +http://www-gpsg.mit.edu/~simon/gcc_g77_install/build.html O http://www-gpsg.mit.edu/~simon/gcc_g77_install/build.html O + +BUT O BUT O +, O , O +I O I O +omitted O omitted O +the O the O +-g B-Code_Block -g O +from O from O +the O the O +LIBCXXFLAGS B-Code_Block LIBCXXFLAGS O +and O and O +LIBCFLAGS B-Code_Block LIBCFLAGS O +and O and O +I O I O +added O added O +LIBCPPFLAGS B-Code_Block LIBCPPFLAGS O +without O without O +-g B-Code_Block -g O +just O just O +in O in O +case O case O +. O . O + +Ran O Ran O +make B-Code_Block make O +DESTDIR I-Code_Block DESTDIR O += I-Code_Block = O +/staging/install/path I-Code_Block /staging/install/path O +install-host I-Code_Block install-host O +, O , O +tarballed O tarballed O +and O and O +transferred O transferred O +to O to O +device O device O +. O . O + +No O No O +more O more O +' O ' O +failed B-Error_Name failed O +to I-Error_Name to O +get I-Error_Name get O +process I-Error_Name process O +times I-Error_Name times O +' O ' O +error O error O +. O . O + +I O I O +am O am O +seeing O seeing O +another O another O +error O error O +, O , O +but O but O +it O it O +is O is O +not O not O +related O related O +to O to O +this O this O +question O question O + +Question_ID O Question_ID O +: O : O +21383170 O 21383170 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21383170/ O https://stackoverflow.com/questions/21383170/ O + + +When O When O +i O i O +tried O tried O +this O this O +command O command O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2298 I-Code_Block Q_2298 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +got O got O +error O error O +as O as O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2299 I-Code_Block Q_2299 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +is O is O +the O the O +main O main O +reason O reason O +for O for O +giving O giving O +error O error O +as O as O +" O " O +Internal B-Error_Name Internal O +data I-Error_Name data O +flow I-Error_Name flow O +error I-Error_Name error O +" O " O +in O in O +gstreamer B-Library gstreamer O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21383170 O 21383170 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21383170/ O https://stackoverflow.com/questions/21383170/ O + + +It O It O +is O is O +the O the O +unfortunate O unfortunate O +case O case O +of O of O +something O something O +did O did O +not O not O +work O work O +. O . O + +Rerun O Rerun O +the O the O +command O command O +with O with O +the O the O +environment O environment O +variable O variable O +GST_DEBUG B-Code_Block GST_DEBUG B-Code_Block +="* I-Code_Block ="* I-Code_Block +:2 I-Code_Block :2 I-Code_Block +" I-Code_Block " I-Code_Block +to O to O +see O see O +all O all O +warnings O warnings O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21383170 O 21383170 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21383170/ O https://stackoverflow.com/questions/21383170/ O + + +There O There O +are O are O +many O many O +potential O potential O +reasons O reasons O +for O for O +internal B-Error_Name internal B-Code_Block +data I-Error_Name data I-Code_Block +flow I-Error_Name flow I-Code_Block +error I-Error_Name error O +. O . O + +To O To O +encounter O encounter O +the O the O +problematic O problematic O +place O place O +, O , O +just O just O +connect O connect O +a O a O +fakesink B-Library_Class fakesink B-Code_Block +element O element O +step O step O +by O by O +step O step O +and O and O +try O try O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2910 I-Code_Block A_2910 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +46293816 O 46293816 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46293816/ O https://stackoverflow.com/questions/46293816/ O + + +As O As O +my O my O +script O script O +is O is O +getting O getting O +pretty O pretty O +long O long O +and O and O +it O it O +will O will O +get O get O +longer O longer O +I O I O +was O was O +wondering O wondering O +if O if O +I O I O +could O could O +wrap O wrap O +around O around O +some O some O +codeblocks O codeblocks O +without O without O +changeing O changeing O +really O really O +the O the O +scope O scope O +or O or O +values O values O +. O . O + +I O I O +'m O 'm O +speacking O speacking O +of O of O +something O something O +like O like O +div B-HTML_XML_Tag div O +containers O containers O +on O on O +html B-Language html O +or O or O +even O even O +something O something O +like O like O +only O only O +wrap O wrap O +around O around O +" O " O +int B-Code_Block int O +main I-Code_Block main O +( I-Code_Block ( O +void I-Code_Block void O +) I-Code_Block ) O +" O " O +from O from O +c B-Language c O +languages O languages O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6078 I-Code_Block Q_6078 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +would O would O +be O be O +the O the O +perfect O perfect O +part O part O +of O of O +my O my O +script O script O +to O to O +wrap O wrap O +around O around O +in O in O +something O something O +like O like O +a O a O +div B-HTML_XML_Tag div O +container O container O +to O to O +get O get O +some O some O +structur O structur O +into O into O +, O , O +but O but O +I O I O +dont O dont O +know O know O +if O if O +there O there O +is O is O +an O an O +option O option O +like O like O +this O this O +without O without O +changing O changing O +scopes O scopes O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +46293816 O 46293816 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46293816/ O https://stackoverflow.com/questions/46293816/ O + + +If O If O +you O you O +work O work O +with O with O +PowerShell B-Application PowerShell O +ISE I-Application ISE O +, O , O +you O you O +can O can O +use O use O +#region B-Code_Block #region B-Code_Block +: O : O + +Now O Now O +you O you O +can O can O +collapse O collapse O +each O each O +individual O individual O +region O region O +. O . O + +You O You O +an O an O +also O also O +nest O nest O +them O them O +. O . O + +Question_ID O Question_ID O +: O : O +37688792 O 37688792 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37688792/ O https://stackoverflow.com/questions/37688792/ O + + +Basically O Basically O +, O , O +I O I O +have O have O +a O a O +search O search O +box B-User_Interface_Element box O +that O that O +suggests O suggests O +results O results O +from O from O +a O a O +database O database O +as O as O +user O user O +types O types O +. O . O + +It O It O +looks O looks O +like O like O +this O this O +: O : O + +Example O Example O +. O . O + +I O I O +use O use O +ajax B-Library_Function ajax O +in O in O +a O a O +file O file O +to O to O +make O make O +a O a O +live O live O +search O search O +as O as O +user O user O +types O types O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4730 I-Code_Block Q_4730 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +in O in O +another O another O +file O file O +( O ( O +res.php B-File_Name res.php O +) O ) O +I O I O +have O have O +a O a O +sql B-Library_Function sql O +request I-Library_Function request O +and O and O +I O I O +display O display O +results O results O +. O . O + +I O I O +also O also O +have O have O +my O my O +' O ' O +onclick B-Library_Function onclick O +' O ' O +function O function O +to O to O +replace O replace O +suggestion O suggestion O +in O in O +text B-User_Interface_Element text O +box I-User_Interface_Element box O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4731 I-Code_Block Q_4731 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +My O My O +problem O problem O +is O is O +: O : O +when O when O +i O i O +click O click O +on O on O +any O any O +of O of O +the O the O +suggestion O suggestion O +, O , O +it O it O +is O is O +always O always O +the O the O +last O last O +option O option O +that O that O +is O is O +replaced O replaced O +in O in O +the O the O +text B-User_Interface_Element text O +box I-User_Interface_Element box O +, O , O +in O in O +this O this O +case O case O +" B-Value " O +University I-Value University O +of I-Value of O +Washington I-Value Washington O +" I-Value " O +. O . O + +I O I O +have O have O +been O been O +trying O trying O +to O to O +solve O solve O +that O that O +problem O problem O +for O for O +2 O 2 O +days O days O +now O now O +and O and O +I O I O +ca O ca O +n't O n't O +find O find O +the O the O +solution O solution O +. O . O + +Any O Any O +help O help O +would O would O +be O be O +greatly O greatly O +appreciated O appreciated O +. O . O + +Thanks O Thanks O + +UPDATE O UPDATE O + +Found O Found O +the O the O +solution O solution O +, O , O +if O if O +someone O someone O +is O is O +interested O interested O +, O , O +here O here O +'s O 's O +what O what O +I O I O +did O did O +in O in O +res.php B-File_Name res.php O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4732 I-Code_Block Q_4732 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +in O in O +the O the O +first O first O +file O file O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4733 I-Code_Block Q_4733 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37688792 O 37688792 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37688792/ O https://stackoverflow.com/questions/37688792/ O + + +I O I O +would O would O +n't O n't O +use O use O +the O the O +onclick B-Library_Function onclick O +method O method O +here O here O +. O . O + +I O I O +would O would O +use O use O +jQuery B-Library jQuery O +to O to O +assign O assign O +the O the O +events O events O +to O to O +your O your O +list B-Data_Structure list O +items O items O +. O . O + +But O But O +if O if O +you O you O +must O must O +, O , O +in O in O +your O your O +onclick B-Library_Function onclick O +method O method O +, O , O +try O try O +passing O passing O +this.value B-Variable_Name this.value O +like O like O +so O so O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5426 I-Code_Block A_5426 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +your O your O +fill() B-Library_Function fill() O +method O method O +could O could O +be O be O +something O something O +like O like O +so O so O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5427 I-Code_Block A_5427 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +EDIT O EDIT O +: O : O +You O You O +are O are O +mixing O mixing O +plain O plain O +JavaScript B-Language JavaScript O +and O and O +jQuery B-Library jQuery O +code O code O +. O . O + +I O I O +replaced O replaced O +your O your O +plain O plain O +JS B-Language JS O +line O line O +with O with O +the O the O +jQuery B-Library jQuery O +equivalent O equivalent O +. O . O + +Also O Also O +, O , O +if O if O +you O you O +are O are O +adding O adding O +the O the O +fill() B-Library_Function fill() O +method O method O +in O in O +the O the O +same O same O +loop O loop O +that O that O +adds O adds O +the O the O +LIs B-HTML_XML_Tag LIs O +, O , O +then O then O +you O you O +are O are O +adding O adding O +multiple O multiple O +fill B-Library_Function fill O +methods O methods O +, O , O +which O which O +is O is O +incorrect O incorrect O +. O . O + +Just O Just O +add O add O +it O it O +once O once O +in O in O +the O the O +same O same O +script O script O +tag O tag O +like O like O +below O below O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5428 I-Code_Block A_5428 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37688792 O 37688792 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37688792/ O https://stackoverflow.com/questions/37688792/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5429 I-Code_Block A_5429 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +6803986 O 6803986 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6803986/ O https://stackoverflow.com/questions/6803986/ O + + +I O I O +get O get O +this O this O +in O in O +Valgrind B-Application Valgrind O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_518 I-Code_Block Q_518 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Is O Is O +it O it O +any O any O +concern O concern O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +6803986 O 6803986 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6803986/ O https://stackoverflow.com/questions/6803986/ O + + +A O A O +big O big O +part O part O +of O of O +Valgrind B-Application Valgrind O +'s O 's O +magic O magic O +is O is O +how O how O +it O it O +is O is O +able O able O +to O to O +intercept/redirect O intercept/redirect O +function O function O +calls O calls O +in O in O +order O order O +to O to O +keep O keep O +track O track O +of O of O +the O the O +state O state O +of O of O +the O the O +world O world O +. O . O + +As O As O +I O I O +understand O understand O +it O it O +, O , O +redirection O redirection O +is O is O +achieved O achieved O +using O using O +shared O shared O +object/function O object/function O +name O name O +patterns O patterns O +which O which O +when O when O +matched O matched O +' O ' O +redirect O redirect O +' O ' O +calls O calls O +to O to O +new O new O +addresses O addresses O +. O . O + +Checking O Checking O +out O out O +the O the O +valgrind B-Application valgrind O +source O source O +, O , O +we O we O +find O find O +the O the O +notion O notion O +of O of O +a O a O +' O ' O +redirector O redirector O +' O ' O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_790 I-Code_Block A_790 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +( O ( O +m_redir.c B-File_Name m_redir.c O +line O line O +10 O 10 O +4) O 4) O + +So O So O +' O ' O +Specs O Specs O +' O ' O +provide O provide O +shared O shared O +object/function O object/function O +name O name O +to O to O +address O address O +mappings O mappings O +and O and O +' O ' O +Actives O Actives O +' O ' O +represent O represent O +the O the O +mappings O mappings O +themselves O themselves O +. O . O + +Active O Active O +computation O computation O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_791 I-Code_Block A_791 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +( O ( O +m_redir.c B-File_Name m_redir.c O +line O line O +120 O 120 O +) O ) O + +The O The O +idea O idea O +of O of O +" O " O +conflicting O conflicting O +redirections O redirections O +" O " O +is O is O +mentioned O mentioned O +here O here O +too O too O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_792 I-Code_Block A_792 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +( O ( O +m_redir.c B-File_Name m_redir.c O +line O line O +15 O 15 O +2) O 2) O + +And O And O +for O for O +interests O interests O +sake O sake O +, O , O +here O here O +is O is O +where O where O +your O your O +warning O warning O +is O is O +generated O generated O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_793 I-Code_Block A_793 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +( O ( O +m_redir.c B-File_Name m_redir.c O +line O line O +66 O 66 O +4) O 4) O + +So O So O +, O , O +after O after O +all O all O +this O this O +it O it O +is O is O +probably O probably O +safe O safe O +to O to O +assume O assume O +that O that O +: O : O + +The O The O +redirection O redirection O +messages O messages O +are O are O +part O part O +of O of O +normal O normal O +valgrind B-Application valgrind O +operation O operation O +. O . O + +The O The O +warning O warning O +message O message O +is O is O +likely O likely O +a O a O +result O result O +of O of O +conflicting O conflicting O +spec O spec O +patterns O patterns O +( O ( O +probably O probably O +not O not O +a O a O +great O great O +cause O cause O +for O for O +concern O concern O +in O in O +this O this O +instance O instance O +. O . O +) O ) O + +References O References O +: O : O +Valgrind B-Application Valgrind O +manual O manual O +, O , O +Valgrind B-Application Valgrind O +3.6.1 B-Version 3.6.1 O +source O source O + +Question_ID O Question_ID O +: O : O +13329794 O 13329794 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13329794/ O https://stackoverflow.com/questions/13329794/ O + + +This O This O +is O is O +a O a O +kind O kind O +of O of O +GUI O GUI O +automation O automation O +application O application O +whereby O whereby O +I O I O +want O want O +to O to O +read O read O +the O the O +data O data O +from O from O +a O a O +listview B-Library_Class listview O +from O from O +another O another O +process O process O +. O . O + +The O The O +listview B-Library_Class listview O +class O class O +is O is O +SysListView32 B-Variable_Name SysListView32 O +and O and O +has O has O +following O following O +styles O styles O +set O set O +LVS_OWNERDRAWFIXED B-Library_Class LVS_OWNERDRAWFIXED O + +Generally O Generally O +I O I O +am O am O +able O able O +to O to O +read O read O +the O the O +text O text O +from O from O +listview B-Library_Class listview O +using O using O +the O the O +following O following O +procedure O procedure O + +Allocate O Allocate O +memory O memory O +in O in O +the O the O +memory O memory O +space O space O +of O of O +other O other O +process O process O + +Send O Send O +message O message O +to O to O +listview B-Library_Class listview O +to O to O +read O read O +the O the O +text O text O +with O with O +the O the O +pointer B-Data_Type pointer O +of O of O +buffer B-Data_Structure buffer O +allocated O allocated O +in O in O +that O that O +process O process O + +Read O Read O +the O the O +buffer O buffer O + +It O It O +works O works O +fine O fine O +when O when O +the O the O +listview B-Library_Class listview O +is O is O +not O not O +ownerdrawn O ownerdrawn O +but O but O +in O in O +this O this O +case O case O +, O , O +the O the O +listview B-Library_Class listview O +appears O appears O +to O to O +be O be O +drawn O drawn O +by O by O +the O the O +owner O owner O +, O , O +i.e O i.e O +. O . O +the O the O +listitem B-Library_Class listitem O +has O has O +no O no O +data O data O +. O . O + +Is O Is O +it O it O +possible O possible O +to O to O +read O read O +the O the O +text O text O +from O from O +such O such O +a O a O +listview B-Library_Class listview O +either O either O +by O by O +the O the O +method O method O +I O I O +have O have O +discussed O discussed O +or O or O +by O by O +any O any O +method O method O +or O or O +by O by O +hooking O hooking O +the O the O +api B-Library api O +or O or O +whatsoever O whatsoever O +method O method O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +13329794 O 13329794 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13329794/ O https://stackoverflow.com/questions/13329794/ O + + +The O The O +control O control O +must O must O +still O still O +add O add O +LVITEMs B-Library_Class LVITEMs O +to O to O +the O the O +list B-Library_Class list O +view I-Library_Class view O +. O . O + +But O But O +of O of O +course O course O +there O there O +'s O 's O +no O no O +obligation O obligation O +to O to O +put O put O +anything O anything O +useful O useful O +in O in O +them O them O +. O . O + +Specifying O Specifying O +a O a O +null O null O +pszText B-Library_Variable pszText O +or O or O +iImage B-Library_Variable iImage O +would O would O +work O work O +just O just O +fine O fine O +if O if O +the O the O +app O app O +does O does O +its O its O +own O own O +drawing O drawing O +. O . O + +It O It O +will O will O +implement O implement O +a O a O +WM_DRAWITEM B-Library_Function WM_DRAWITEM O +message O message O +handler O handler O +and O and O +use O use O +internal O internal O +data O data O +to O to O +render O render O +the O the O +item O item O +. O . O + +There O There O +is O is O +no O no O +way O way O +to O to O +find O find O +out O out O +where O where O +that O that O +data O data O +is O is O +stored O stored O +. O . O + +You O You O +could O could O +fake O fake O +your O your O +own O own O +WM_DRAWITEM B-Library_Function WM_DRAWITEM O +message O message O +, O , O +albeit O albeit O +that O that O +it O it O +is O is O +very O very O +hard O hard O +to O to O +do O do O +since O since O +you O you O +must O must O +inject O inject O +code O code O +to O to O +create O create O +the O the O +HDC O HDC O +, O , O +but O but O +that O that O +just O just O +gets O gets O +you O you O +pixels O pixels O +, O , O +not O not O +bytes O bytes O +. O . O + +Using O Using O +OCR O OCR O +would O would O +be O be O +a O a O +major O major O +outlier O outlier O +solution O solution O +. O . O + +Realistically O Realistically O +you O you O +'ll O 'll O +need O need O +to O to O +throw O throw O +in O in O +the O the O +towel O towel O +on O on O +this O this O +one O one O +. O . O + +Question_ID O Question_ID O +: O : O +25481423 O 25481423 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25481423/ O https://stackoverflow.com/questions/25481423/ O + + +Guys O Guys O +! O ! O + +I O I O +have O have O +a O a O +one O one O +misunderstanding O misunderstanding O +in O in O +javascript B-Language javascript O +. O . O + +I O I O +want O want O +make O make O +a O a O +ajax-request B-Library_Function ajax-request O +with O with O +function O function O +foo() B-Function_Name foo() O +and O and O +i O i O +want O want O +return O return O +result O result O +data O data O +by O by O +foo() B-Function_Name foo() O +return O return O +, O , O +but O but O +i O i O +ca O ca O +n't O n't O +return O return O +something O something O +in O in O +callback B-Library_Function callback O +function O function O +in O in O +$ B-Library_Function $ O +.ajax I-Library_Function .ajax O +. O . O + +So O So O +i O i O +want O want O +this O this O +: O : O +if O if O +ajax B-Library_Function ajax O +reurn O reurn O +data O data O +then O then O +function O function O +foo() B-Function_Name foo() O +return O return O +same O same O +data O data O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2893 I-Code_Block Q_2893 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25481423 O 25481423 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25481423/ O https://stackoverflow.com/questions/25481423/ O + + +Use O Use O +as O as O +below O below O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3503 I-Code_Block A_3503 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +17717035 O 17717035 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17717035/ O https://stackoverflow.com/questions/17717035/ O + + +I O I O +want O want O +to O to O +add O add O +an O an O +extra O extra O +attribute O attribute O +to O to O +jquery B-Library jquery O +dialog B-Library_Class dialog O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1814 I-Code_Block Q_1814 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +how O how O +to O to O +add O add O +an O an O +attribute O attribute O +like O like O +" O " O +dialog-status B-Value dialog-status O +" O " O +when O when O +creating O creating O +dialog B-Library_Class dialog O +. O . O + +any O any O +methods O methods O +to O to O +do O do O +this O this O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +17717035 O 17717035 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17717035/ O https://stackoverflow.com/questions/17717035/ O + + +Try O Try O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3069 I-Code_Block A_3069 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +46228570 O 46228570 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46228570/ O https://stackoverflow.com/questions/46228570/ O + + +I O I O +currently O currently O +have O have O +the O the O +following O following O +line O line O +in O in O +my O my O +Makefile B-File_Name Makefile O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6064 I-Code_Block Q_6064 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Everything O Everything O +under O under O +this O this O +line O line O +will O will O +run O run O +whenever O whenever O +a O a O +.cpp B-File_Type .cpp B-Code_Block +or O or O +.hpp B-File_Type .hpp B-Code_Block +file O file O +anywhere O anywhere O +in O in O +my O my O +project O project O +is O is O +modified O modified O +( O ( O +the O the O +intended O intended O +behavior O behavior O +) O ) O +, O , O +but O but O +only O only O +when O when O +on O on O +Windows B-Operating_System Windows O +machines O machines O +. O . O + +When O When O +I O I O +run O run O +the O the O +Makefile B-File_Name Makefile O +on O on O +my O my O +Linux B-Operating_System Linux O +machine O machine O +, O , O +a O a O +warning O warning O +is O is O +output O output O +( O ( O +*** B-Output_Block *** B-Code_Block +mixed I-Output_Block mixed I-Code_Block +implicit I-Output_Block implicit I-Code_Block +and I-Output_Block and I-Code_Block +normal I-Output_Block normal I-Code_Block +rules I-Output_Block rules I-Code_Block +: I-Output_Block : I-Code_Block +deprecated I-Output_Block deprecated I-Code_Block +syntax I-Output_Block syntax I-Code_Block +) O ) O +and O and O +the O the O +code O code O +wo O wo O +n't O n't O +run O run O +when O when O +the O the O +files O files O +are O are O +modified O modified O +. O . O + +I O I O +'m O 'm O +very O very O +curious O curious O +as O as O +to O to O +why O why O +this O this O +is O is O +functioning O functioning O +fine O fine O +on O on O +Windows B-Operating_System Windows O +but O but O +not O not O +Linux B-Operating_System Linux O +. O . O + +Thanks O Thanks O +. O . O + +Windows B-Operating_System Windows O +: O : O +GNU B-Application GNU O +Make I-Application Make O +4.1 B-Version 4.1 O +( O ( O +Built O Built O +for O for O +i686-w64-mingw32 B-Device i686-w64-mingw32 O +) O ) O + +Linux B-Operating_System Linux O +: O : O +GNU B-Application GNU O +Make I-Application Make O +4.1 B-Version 4.1 O +( O ( O +Built O Built O +for O for O +x86_64-pc-linux-gnu B-Device x86_64-pc-linux-gnu O +) O ) O + +Question_ID O Question_ID O +: O : O +13059725 O 13059725 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13059725/ O https://stackoverflow.com/questions/13059725/ O + + +I O I O +'ve O 've O +got O got O +an O an O +Ubuntu B-Operating_System Ubuntu O +VM B-Application VM O +in O in O +VirtualBox B-Application VirtualBox O +( O ( O +v4.2.0-r80737 B-Version v4.2.0-r80737 O +) O ) O +running O running O +on O on O +my O my O +Windows B-Operating_System Windows O +7 B-Version 7 O +box O box O +that O that O +'s O 's O +hosting O hosting O +a O a O +git B-Application git O +repo O repo O +, O , O +website O website O +, O , O +and O and O +a O a O +few O few O +other O other O +dev O dev O +tools O tools O +. O . O + +It O It O +is O is O +easily O easily O +accessible O accessible O +from O from O +other O other O +machines O machines O +, O , O +and O and O +on O on O +the O the O +host O host O +machine O machine O +via O via O +proxies O proxies O +, O , O +but O but O +I O I O +am O am O +unable O unable O +to O to O +access O access O +the O the O +site/repo O site/repo O +directly O directly O +on O on O +the O the O +host O host O +machine O machine O +. O . O + +The O The O +network O network O +setup O setup O +in O in O +VirtualBox B-Application VirtualBox O +for O for O +the O the O +VM B-Application VM O +is O is O +as O as O +follows O follows O +: O : O + +Attached O Attached O +to O to O +: O : O +Bridged B-Device Bridged O +Adapter I-Device Adapter O + +Adapter B-Device Adapter O +Type O Type O +: O : O +Intel B-Device Intel O +PRO/1000MT I-Device PRO/1000MT O +Desktop I-Device Desktop O + +Promiscuous O Promiscuous O +Mode O Mode O +: O : O +Deny O Deny O + +Cable O Cable O +Connected O Connected O + +My O My O +guess O guess O +would O would O +be O be O +that O that O +the O the O +host O host O +is O is O +trying O trying O +to O to O +connect O connect O +to O to O +the O the O +webpage O webpage O +via O via O +the O the O +LAN O LAN O +, O , O +rather O rather O +than O than O +the O the O +wider O wider O +Internet O Internet O +, O , O +and O and O +is O is O +being O being O +blocked O blocked O +for O for O +some O some O +reason O reason O +. O . O + +What O What O +I O I O +do O do O +n't O n't O +know O know O +is O is O +why O why O +, O , O +or O or O +how O how O +to O to O +fix O fix O +it O it O +, O , O +so O so O +any O any O +help O help O +there O there O +would O would O +be O be O +awesome O awesome O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +13059725 O 13059725 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13059725/ O https://stackoverflow.com/questions/13059725/ O + + +The O The O +set O set O +up O up O +you O you O +have O have O +should O should O +work O work O +( O ( O +you O you O +might O might O +want O want O +to O to O +add O add O +an O an O +entry O entry O +to O to O +the O the O +hosts O hosts O +file O file O +on O on O +either O either O +side O side O +to O to O +make O make O +life O life O +easier O easier O +, O , O +but O but O +not O not O +necessary O necessary O +) O ) O +. O . O + +I O I O +have O have O +the O the O +same O same O +set O set O +up O up O +and O and O +it O it O +works O works O +. O . O + +Usually O Usually O +, O , O +it O it O +needs O needs O +to O to O +completely O completely O +shutdown O shutdown O +the O the O +VM B-Application VM O +and O and O +boot O boot O +it O it O +up O up O +again O again O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +13059725 O 13059725 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13059725/ O https://stackoverflow.com/questions/13059725/ O + + +Have O Have O +you O you O +tried O tried O +an O an O +host-only B-Device host-only O +adapter I-Device adapter O +. O . O + +I O I O +had O had O +this O this O +problem O problem O +with O with O +a O a O +custom O custom O +server B-Device server O +solution O solution O +I O I O +was O was O +working O working O +on O on O +and O and O +it O it O +seemed O seemed O +to O to O +fix O fix O +it O it O +. O . O + +I O I O +do O do O +n't O n't O +know O know O +why O why O +but O but O +its O its O +worth O worth O +a O a O +shot O shot O +. O . O + +Tell O Tell O +me O me O +if O if O +it O it O +work O work O +for O for O +you O you O +. O . O + +Question_ID O Question_ID O +: O : O +25585211 O 25585211 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25585211/ O https://stackoverflow.com/questions/25585211/ O + + +I O I O +am O am O +trying O trying O +to O to O +use O use O +apache B-Library apache O +math I-Library math O +with O with O +scala B-Language scala O +but O but O +I O I O +am O am O +not O not O +able O able O +to O to O +run O run O +the O the O +examples O examples O +from O from O +the O the O +documentation O documentation O +http://commons.apache.org/proper/commons-math/userguide/random.html O http://commons.apache.org/proper/commons-math/userguide/random.html O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2909 I-Code_Block Q_2909 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +am O am O +new O new O +to O to O +scala B-Language scala O +and O and O +java B-Language java O +so O so O +please O please O +provide O provide O +a O a O +detailed O detailed O +answer O answer O +. O . O + +EDIT O EDIT O +: O : O + +I O I O +have O have O +created O created O +a O a O +new O new O +folder O folder O +with O with O +the O the O +build.sbt B-File_Name build.sbt B-Code_Block +. O . O + +If O If O +I O I O +run O run O +the O the O +command O command O +sbt B-Code_Block sbt B-Code_Block +console I-Code_Block console I-Code_Block +in O in O +that O that O +folder O folder O +than O than O +the O the O +code O code O +seems O seems O +to O to O +be O be O +working O working O +in O in O +the O the O +console B-Application console O +. O . O + +But O But O +now O now O +how O how O +can O can O +I O I O +can O can O +run O run O +the O the O +code O code O +on O on O +eclipse B-Application eclipse O +? O ? O + +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25585211 O 25585211 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25585211/ O https://stackoverflow.com/questions/25585211/ O + + +First O First O +of O of O +all O all O +, O , O +you O you O +might O might O +want O want O +to O to O +look O look O +up O up O +Scala B-Language Scala O +'s O 's O +general O general O +syntactic O syntactic O +rules O rules O +, O , O +unlike O unlike O +Java B-Language Java O +for O for O +example O example O +, O , O +Scala B-Language Scala O +does O does O +n't O n't O +start O start O +its O its O +variables O variables O +with O with O +the O the O +type O type O +, O , O +nor O nor O +is O is O +a O a O +semicolon B-Value semicolon O +required O required O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3525 I-Code_Block A_3525 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +So O So O +in O in O +case O case O +of O of O +your O your O +" O " O +problem O problem O +" O " O +, O , O +the O the O +solution O solution O +is O is O +really O really O +just O just O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3526 I-Code_Block A_3526 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +That O That O +, O , O +and O and O +your O your O +import O import O +might O might O +be O be O +wrong O wrong O +, O , O +since O since O +RandomDataGenerator B-Library_Class RandomDataGenerator B-Code_Block +is O is O +under O under O +org.apache.commons.math3.random.RandomDataGenerator B-Library_Class org.apache.commons.math3.random.RandomDataGenerator B-Code_Block +, O , O +not O not O +math B-Library math B-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25585211 O 25585211 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25585211/ O https://stackoverflow.com/questions/25585211/ O + + +Apache B-Application Apache O +project O project O +documentation O documentation O +tends O tends O +to O to O +be O be O +terrible O terrible O +about O about O +explaining O explaining O +how O how O +to O to O +get O get O +started O started O +. O . O + +For O For O +example O example O +, O , O +you O you O +'ll O 'll O +see O see O +" O " O +Download O Download O +" O " O +links O links O +everywhere O everywhere O +that O that O +show O show O +you O you O +how O how O +to O to O +get O get O +the O the O +project O project O +code O code O +and O and O +jars B-File_Type jars O +. O . O + +Do O Do O +n't O n't O +do O do O +this O this O +! O ! O + +Use O Use O +a O a O +proper O proper O +build O build O +system O system O +that O that O +will O will O +manage O manage O +your O your O +dependencies O dependencies O +for O for O +you O you O +. O . O + +For O For O +this O this O +example O example O +I O I O +'ll O 'll O +use O use O +SBT B-Application SBT O +, O , O +but O but O +Maven B-Application Maven O +would O would O +work O work O +just O just O +as O as O +well O well O +( O ( O +although O although O +with O with O +a O a O +lot O lot O +more O more O +verbosity O verbosity O +) O ) O +. O . O + +Once O Once O +you O you O +'ve O 've O +got O got O +SBT B-Application SBT O +installed O installed O +you O you O +can O can O +search O search O +Maven B-Application Maven O +Central O Central O +for O for O +" O " O +commons-math B-Library commons-math O +" O " O +, O , O +which O which O +will O will O +take O take O +you O you O +here O here O +. O . O + +You O You O +'ll O 'll O +see O see O +a O a O +" O " O +Scala B-Language Scala O +SBT B-Application SBT O +" O " O +button B-User_Interface_Element button O +on O on O +the O the O +side O side O +; O ; O +click O click O +it O it O +and O and O +copy O copy O +the O the O +text O text O +to O to O +a O a O +file O file O +called O called O +build.sbt B-File_Name build.sbt B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3527 I-Code_Block A_3527 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Okay O Okay O +, O , O +now O now O +you O you O +can O can O +start O start O +an O an O +SBT B-Application SBT O +console I-Application console O +with O with O +sbt B-Code_Block sbt B-Code_Block +console I-Code_Block console I-Code_Block +. O . O + +Now O Now O +you O you O +need O need O +to O to O +know O know O +the O the O +full O full O +path O path O +to O to O +the O the O +class O class O +you O you O +want O want O +, O , O +which O which O +of O of O +course O course O +is O is O +nowhere O nowhere O +to O to O +be O be O +found O found O +in O in O +the O the O +Apache B-Application Apache O +documentation O documentation O +, O , O +because O because O +that O that O +would O would O +be O be O +too O too O +convenient O convenient O +. O . O + +With O With O +a O a O +little O little O +bit O bit O +of O of O +Googling O Googling O +you O you O +'ll O 'll O +find O find O +the O the O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3528 I-Code_Block A_3528 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +now O now O +you O you O +can O can O +create O create O +an O an O +instance O instance O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3529 I-Code_Block A_3529 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +you O you O +'re O 're O +done O done O +! O ! O + +Now O Now O +any O any O +good O good O +Scala B-Language Scala O +resource O resource O +will O will O +give O give O +you O you O +an O an O +idea O idea O +of O of O +how O how O +to O to O +accomplish O accomplish O +whatever O whatever O +you O you O +want O want O +to O to O +do O do O +next O next O +. O . O + +Question_ID O Question_ID O +: O : O +38310892 O 38310892 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/38310892/ O https://stackoverflow.com/questions/38310892/ O + + +I O I O +'m O 'm O +looking O looking O +for O for O +a O a O +formula O formula O +to O to O +convert O convert O +IPV6 O IPV6 B-Code_Block +address O address O +to O to O +IP O IP B-Code_Block +number O number O +. O . O + +This O This O +is O is O +required O required O +to O to O +map O map O +with O with O +geoip O geoip O +location O location O +information O information O +we O we O +have O have O +. O . O + +Input O Input O +IPV6 O IPV6 O +address O address O +: O : O +2001:0db8:0000:0000:0000:ff00:0042:8329 B-Value 2001:0db8:0000:0000:0000:ff00:0042:8329 B-Code_Block + +Output O Output O +IP O IP O +Number O Number O +converted O converted O +: O : O +42540766411282592856904265327123268393 B-Value 42540766411282592856904265327123268393 B-Code_Block + +Thanks. O Thanks. O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +38310892 O 38310892 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/38310892/ O https://stackoverflow.com/questions/38310892/ O + + +Below O Below O +are O are O +the O the O +sample O sample O +codes O codes O +in O in O +multiple O multiple O +languages O languages O +to O to O +convert O convert O +IPv6 O IPv6 O +address O address O +to O to O +number O number O +taken O taken O +from O from O +http://lite.ip2location.com/faqs O http://lite.ip2location.com/faqs O + +PHP B-Language PHP O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5648 I-Code_Block A_5648 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Java B-Language Java O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5649 I-Code_Block A_5649 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +C# B-Language C# O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5650 I-Code_Block A_5650 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +VB.NET B-Language VB.NET O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5651 I-Code_Block A_5651 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +10807146 O 10807146 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10807146/ O https://stackoverflow.com/questions/10807146/ O + + +Please O Please O +consider O consider O +this O this O +( O ( O +non-homework O non-homework O +) O ) O +exercise O exercise O +of O of O +converting O converting O +a O a O +slash-notation O slash-notation O +( O ( O +e.g O e.g O +. O . O +24 O 24 O +, O , O +30 O 30 O +) O ) O +to O to O +a O a O +subnet O subnet O +mask O mask O +. O . O + +When O When O +I O I O +copy O copy O +a O a O +BitArray B-Library_Class BitArray B-Code_Block +to O to O +byte[] B-Data_Structure byte[] B-Code_Block +, O , O +the O the O +internal O internal O +ordering O ordering O +of O of O +the O the O +BitArray B-Library_Class BitArray B-Code_Block +leads O leads O +to O to O +incorrect O incorrect O +output O output O +. O . O + +For O For O +instance O instance O +, O , O +with O with O +an O an O +input O input O +of O of O +numberOfSetBits B-Code_Block numberOfSetBits B-Code_Block += I-Code_Block = I-Code_Block +24 I-Code_Block 24 I-Code_Block +, O , O +ToString() B-Library_Function ToString() B-Code_Block +should O should O +return O return O +255.255.255.0 B-Value 255.255.255.0 B-Code_Block +( O ( O +this O this O +works O works O +because O because O +the O the O +bits O bits O +are O are O +symmetrical O symmetrical O +) O ) O +. O . O + +However O However O +, O , O +an O an O +input O input O +of O of O +30 B-Value 30 B-Code_Block +results O results O +in O in O +255.255.255.63 B-Value 255.255.255.63 B-Code_Block +instead O instead O +of O of O +the O the O +expected O expected O +255.255.255.252 B-Value 255.255.255.252 B-Code_Block +. O . O + +Yes O Yes O +, O , O +I O I O +realize O realize O +that O that O +that O that O +'s O 's O +just O just O +the O the O +way O way O +a O a O +BitArray B-Library_Class BitArray O +handles O handles O +it O it O +'s O 's O +children O children O +( O ( O +there O there O +'s O 's O +an O an O +old O old O +discussion O discussion O +about O about O +the O the O +issue O issue O +, O , O +unfortunately O unfortunately O +without O without O +a O a O +solution O solution O +, O , O +just O just O +a O a O +never-ending O never-ending O +argument O argument O +over O over O +why O why O +one O one O +ordering O ordering O +would O would O +be O be O +better O better O +) O ) O +. O . O + +But O But O +how O how O +, O , O +for O for O +the O the O +love O love O +of O of O +god O god O +, O , O +can O can O +I O I O +get O get O +this O this O +code O code O +to O to O +treat O treat O +1111 B-Value 1111 B-Code_Block +1100 I-Value 1100 I-Code_Block +(= I-Value (= O +25 I-Value 25 O +2) I-Value 2) O +for O for O +what O what O +it O it O +is O is O +instead O instead O +of O of O +mangling O mangling O +it O it O +to O to O +0011 B-Value 0011 B-Code_Block +1111 I-Value 1111 I-Code_Block +(= I-Value (= O +6 I-Value 6 O +3) I-Value 3) O +? O ? O + +I O I O +believe O believe O +I O I O +'ll O 'll O +have O have O +to O to O +change O change O +the O the O +order O order O +in O in O +which O which O +I O I O +'m O 'm O +adding O adding O +the O the O +bits O bits O +in O in O +the O the O +first O first O +place O place O +, O , O +but O but O +I O I O +ca O ca O +n't O n't O +get O get O +it O it O +to O to O +work O work O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_972 I-Code_Block Q_972 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Thank O Thank O +you O you O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +10807146 O 10807146 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10807146/ O https://stackoverflow.com/questions/10807146/ O + + +You O You O +do O do O +n't O n't O +need O need O +a O a O +BitArray B-Library_Class BitArray B-Code_Block +, O , O +you O you O +can O can O +create O create O +the O the O +mask O mask O +from O from O +shifting O shifting O +an O an O +integer B-Data_Type integer O +, O , O +and O and O +use O use O +BitConverter.GetBytes B-Library_Function BitConverter.GetBytes B-Code_Block +to O to O +get O get O +it O it O +as O as O +bytes B-Data_Type bytes O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1360 I-Code_Block A_1360 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +10807146 O 10807146 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10807146/ O https://stackoverflow.com/questions/10807146/ O + + +Would O Would O +n't O n't O +this O this O +just O just O +be O be O +fixed O fixed O +by O by O +doing O doing O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1358 I-Code_Block A_1358 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +sets O sets O +the O the O +high-order O high-order O +bits O bits O +( O ( O +rather O rather O +than O than O +the O the O +low-order O low-order O +bits O bits O +) O ) O +. O . O + +The O The O +reasoning O reasoning O +here O here O +is O is O +precisely O precisely O +what O what O +is O is O +mentioned O mentioned O +in O in O +the O the O +answer O answer O +you O you O +linked O linked O +- O - O +BitArray B-Library_Class BitArray O +stores O stores O +the O the O +least-significant O least-significant O +digits O digits O +in O in O +the O the O +lowest O lowest O +index O index O +, O , O +so O so O +the O the O +bit B-Library_Class bit O +array I-Library_Class array O +11111000000000 B-Value 11111000000000 B-Code_Block +below O below O +is O is O +[ O [ O +indexed O indexed O +] O ] O +thus O thus O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1359 I-Code_Block A_1359 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +30725011 O 30725011 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30725011/ O https://stackoverflow.com/questions/30725011/ O + + +I O I O +am O am O +using O using O +spring-data-mongodb B-Application spring-data-mongodb O +. O . O + +Here O Here O +is O is O +my O my O +controller O controller O +method O method O +: O : O + +Controller O Controller O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3687 I-Code_Block Q_3687 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Here O Here O +I O I O +am O am O +passing O passing O +list B-Data_Structure list O +of O of O +string B-Data_Type string O +as O as O +a O a O +request O request O +parameter O parameter O +. O . O + +My O My O +service O service O +method O method O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3688 I-Code_Block Q_3688 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Repository O Repository O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3689 I-Code_Block Q_3689 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Here O Here O +, O , O +my O my O +query O query O +in O in O +repository O repository O +always O always O +returns O returns O +empty O empty O +array B-Data_Structure array O +[ O [ O +] O ] O +. O . O + +I O I O +am O am O +not O not O +getting O getting O +what O what O +is O is O +wrong O wrong O +with O with O +this O this O +query O query O +. O . O + +My O My O +request O request O +URL O URL O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3690 I-Code_Block Q_3690 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30725011 O 30725011 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30725011/ O https://stackoverflow.com/questions/30725011/ O + + +i O i O +think O think O +the O the O +problem O problem O +is O is O +in O in O +your O your O +url O url O +. O . O + +try O try O +to O to O +remove O remove O +the O the O +quotes O quotes O +. O . O + +http://localhost:8080/document/getByCategory?categories=category1&categories=category2 B-Value http://localhost:8080/document/getByCategory?categories=category1&categories=category2 B-Code_Block + +Question_ID O Question_ID O +: O : O +21267767 O 21267767 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21267767/ O https://stackoverflow.com/questions/21267767/ O + + +VB2010 B-Language VB2010 O +I O I O +have O have O +a O a O +user O user O +form O form O +where O where O +the O the O +user O user O +inputs O inputs O +a O a O +number O number O +format O format O +. O . O + +The O The O +routine O routine O +then O then O +cycles O cycles O +through O through O +a O a O +list B-Data_Structure list O +of O of O +number O number O +pairs O pairs O +and O and O +displays O displays O +them O them O +in O in O +a O a O +list B-Data_Structure list O +of O of O +categories O categories O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2283 I-Code_Block Q_2283 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +I O I O +am O am O +trying O trying O +to O to O +do O do O +is O is O +to O to O +increment O increment O +the O the O +first O first O +value O value O +by O by O +one O one O +digit O digit O +so O so O +there O there O +is O is O +no O no O +overlap O overlap O +. O . O + +something O something O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2284 I-Code_Block Q_2284 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +am O am O +trying O trying O +to O to O +make O make O +it O it O +so O so O +it O it O +works O works O +with O with O +any O any O +number O number O +format O format O +the O the O +user O user O +inputs O inputs O +like O like O +" B-Value " O +0.000 I-Value 0.000 O +" I-Value " O +or O or O +" B-Value " O +0.0 I-Value 0.0 O +" I-Value " O +. O . O + +What O What O +I O I O +currently O currently O +have O have O +is O is O +( O ( O +example O example O +for O for O +value O value O +164.04 B-Value 164.04 O +) O ) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2285 I-Code_Block Q_2285 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Seemed O Seemed O +to O to O +work O work O +in O in O +my O my O +VB6 B-Language VB6 O +program O program O +but O but O +wanted O wanted O +to O to O +see O see O +if O if O +anyone O anyone O +had O had O +any O any O +better O better O +ideas O ideas O +. O . O + +I O I O +also O also O +do O do O +n't O n't O +think O think O +i O i O +accounted O accounted O +for O for O +the O the O +last O last O +digit O digit O +being O being O +a O a O +9 B-Value 9 O +. O . O + +Update O Update O +: O : O +based O based O +on O on O +the O the O +suggestions O suggestions O +below O below O +what O what O +ended O ended O +up O up O +working O working O +for O for O +positive O positive O +and O and O +negative O negative O +numbers O numbers O +and O and O +integers B-Data_Type integers O +and O and O +floats B-Data_Type floats O +was O was O +the O the O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2286 I-Code_Block Q_2286 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21267767 O 21267767 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21267767/ O https://stackoverflow.com/questions/21267767/ O + + +Here O Here O +is O is O +the O the O +algorithm O algorithm O +: O : O + +1.Find O 1.Find O +decimal O decimal O +points O points O +( O ( O +p B-Variable_Name p O +) O ) O + +2.multiply O 2.multiply O +the O the O +number O number O +by O by O +10^p B-Value 10^p O +, O , O +increase O increase O +it O it O +by O by O +one O one O +, O , O +divide O divide O +it O it O +back O back O +by O by O +10^p B-Value 10^p O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2871 I-Code_Block A_2871 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +3603294 O 3603294 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3603294/ O https://stackoverflow.com/questions/3603294/ O + + +I O I O +'ve O 've O +created O created O +somewhat O somewhat O +of O of O +a O a O +complicated O complicated O +slider B-User_Interface_Element slider O +with O with O +jquery B-Library jquery O +Cycle B-Library_Function Cycle O +. O . O + +You O You O +can O can O +see O see O +it O it O +running O running O +perfectly O perfectly O +here O here O + +However O However O +, O , O +when O when O +you O you O +click O click O +it O it O +a O a O +bunch O bunch O +of O of O +times O times O +( O ( O +before O before O +the O the O +slide O slide O +has O has O +finished O finished O +its O its O +transition O transition O +) O ) O +, O , O +it O it O +starts O starts O +to O to O +go O go O +wacky O wacky O +and O and O +even O even O +hides O hides O +the O the O +text. B-User_Interface_Element text. O +. O . O + +Here O Here O +is O is O +my O my O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_258 I-Code_Block Q_258 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Any O Any O +ideas O ideas O +? O ? O + +I O I O +thought O thought O +.stop() B-Library_Function .stop() O +would O would O +remedy O remedy O +this O this O +, O , O +but O but O +it O it O +didnt. O didnt. O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +3603294 O 3603294 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3603294/ O https://stackoverflow.com/questions/3603294/ O + + +Figured O Figured O +it O it O +out O out O +. O . O + +Had O Had O +to O to O +set O set O +the O the O +.slideUp B-Library_Function .slideUp O +and O and O +.slidedown B-Library_Function .slidedown O +to O to O +happen O happen O +on O on O +the O the O +callback O callback O +of O of O +.animate() B-Library_Function .animate() O + +Question_ID O Question_ID O +: O : O +2823438 O 2823438 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2823438/ O https://stackoverflow.com/questions/2823438/ O + + +How O How O +do O do O +i O i O +get O get O +an O an O +IGrouping B-Library_Class IGrouping O +result O result O +to O to O +map O map O +to O to O +the O the O +view B-Library_Class view O +? O ? O + +I O I O +have O have O +this O this O +query O query O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_190 I-Code_Block Q_190 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +is O is O +the O the O +proper O proper O +mapping O mapping O +for O for O +the O the O +ViewPage B-Library_Class ViewPage O +declaration O declaration O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_191 I-Code_Block Q_191 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2823438 O 2823438 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2823438/ O https://stackoverflow.com/questions/2823438/ O + + +In O In O +the O the O +instance O instance O +of O of O +helping O helping O +others O others O +out O out O +. O . O + +This O This O +is O is O +what O what O +I O I O +was O was O +attempting O attempting O +to O to O +accomplish O accomplish O +. O . O + +The O The O +action O action O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_279 I-Code_Block A_279 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +View B-Library_Class View O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_280 I-Code_Block A_280 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +IGrouping B-Library_Class IGrouping O +is O is O +a O a O +list B-Data_Structure list O +of O of O +lists B-Data_Structure lists O +so O so O +to O to O +speak O speak O +. O . O + +With O With O +the O the O +" O " O +Key B-Library_Variable Key O +" O " O +being O being O +the O the O +grouped O grouped O +property O property O +in O in O +the O the O +source O source O +list B-Data_Structure list O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2823438 O 2823438 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2823438/ O https://stackoverflow.com/questions/2823438/ O + + +The O The O +view B-Library_Class view O +must O must O +be O be O +the O the O +same O same O +type O type O +of O of O +the O the O +page O page O +. O . O + +You O You O +would O would O +have O have O +to O to O +convert O convert O +the O the O +output O output O +to O to O +the O the O +same O same O +type O type O +used O used O +by O by O +your O your O +view B-Library_Class view O +page O page O +. O . O + +You O You O +could O could O +also O also O +use O use O +a O a O +ViewData["Products"] B-Code_Block ViewData["Products"] B-Code_Block +to O to O +set O set O +the O the O +collection O collection O +information O information O +you O you O +want O want O +to O to O +be O be O +visible O visible O +on O on O +your O your O +View B-Library_Class View O +aspx B-File_Type aspx O +page O page O +. O . O + +Question_ID O Question_ID O +: O : O +9772256 O 9772256 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9772256/ O https://stackoverflow.com/questions/9772256/ O + + +We O We O +are O are O +trying O trying O +to O to O +rewrite O rewrite O +an O an O +IIS B-Application IIS O +web I-Application web O +server I-Application server O +handler B-Class_Name handler O +for O for O +JBoss B-Application JBoss O +5 B-Version 5 O +app B-Application app O +server I-Application server O +, O , O +but O but O +I O I O +could O could O +not O not O +find O find O +the O the O +similar O similar O +concept O concept O +for O for O +JBoss B-Application JBoss O +. O . O + +Could O Could O +you O you O +, O , O +please O please O +, O , O +give O give O +some O some O +advice O advice O +or O or O +direction O direction O +how O how O +we O we O +should O should O +implement O implement O +the O the O +handler B-Class_Name handler O +, O , O +or O or O +what O what O +should O should O +we O we O +google O google O +for O for O +? O ? O + +To O To O +be O be O +clear O clear O +, O , O +the O the O +final O final O +goal O goal O +is O is O +to O to O +have O have O +an O an O +application O application O +which O which O +does O does O +not O not O +need O need O +a O a O +name O name O +in O in O +url O url O +in O in O +order O order O +to O to O +be O be O +invoked O invoked O +and O and O +runs O runs O +every O every O +time O time O +I O I O +access O access O +just O just O +the O the O +IP O IP O +address O address O +or O or O +server B-Application server O +name O name O +. O . O + +e.g O e.g O +. O . O +http://13.10.15.48 O http://13.10.15.48 O + +The O The O +application O application O +( O ( O +handler B-Class_Name handler O +) O ) O +should O should O +grab O grab O +the O the O +request O request O +, O , O +process O process O +it O it O +and O and O +pass O pass O +over O over O +to O to O +other O other O +default O default O +handlers B-Class_Name handlers O +or O or O +web O web O +server B-Application server O +. O . O + +Should O Should O +I O I O +search O search O +for O for O +Tomcat B-Application Tomcat O +handlers B-Class_Name handlers O +instead O instead O +? O ? O + +Thanks O Thanks O +in O in O +advance O advance O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9772256 O 9772256 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9772256/ O https://stackoverflow.com/questions/9772256/ O + + +By O By O +default O default O +JBoss B-Application JBoss O +has O has O +a O a O +the O the O +root O root O +context O context O +point O point O +to O to O +a O a O +default O default O +app O app O +. O . O + +In O In O +order O order O +to O to O +point O point O +you O you O +application O application O +to O to O +the O the O +root O root O +context O context O +you O you O +need O need O +to O to O +do O do O +the O the O +following O following O + +If O If O +you O you O +are O are O +deploying O deploying O +you O you O +application O application O +as O as O +a O a O +WAR B-File_Type WAR O +file O file O +, O , O +the O the O +add O add O +the O the O +following O following O +content O content O +to O to O +your O your O +/WEB-INF/jboss B-File_Name /WEB-INF/jboss O +-web.xml I-File_Name -web.xml O +( O ( O +if O if O +it O it O +does O does O +not O not O +already O already O +exist O exist O +) O ) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1233 I-Code_Block A_1233 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +are O are O +deploying O deploying O +your O your O +application O application O +as O as O +an O an O +EAR B-File_Type EAR O +file O file O +, O , O +then O then O +you O you O +need O need O +to O to O +set O set O +the O the O +context-root B-Code_Block context-root O +in O in O +your O your O +/META-INF/application.xml B-File_Name /META-INF/application.xml O +file O file O +as O as O +follows O follows O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1234 I-Code_Block A_1234 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +For O For O +more O more O +information O information O +please O please O +refer O refer O +[ O [ O +1 O 1 O +] O ] O + +Hope O Hope O +this O this O +helps O helps O +. O . O + +Good O Good O +luck O luck O +! O ! O + +[ O [ O +1 O 1 O +] O ] O +https://community.jboss.org/wiki/HowDoIOverrideTheWebContextRoot O https://community.jboss.org/wiki/HowDoIOverrideTheWebContextRoot O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9772256 O 9772256 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9772256/ O https://stackoverflow.com/questions/9772256/ O + + +You O You O +'d O 'd O +do O do O +this O this O +by O by O +creating O creating O +an O an O +application O application O +( O ( O +a O a O +WAR B-File_Type WAR O +is O is O +fine O fine O +) O ) O +with O with O +context-root B-Code_Block context-root B-Code_Block +set O set O +to O to O +/ B-Value / B-Code_Block +. O . O + +Question_ID O Question_ID O +: O : O +12054349 O 12054349 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12054349/ O https://stackoverflow.com/questions/12054349/ O + + +I O I O +have O have O +a O a O +simple O simple O +application O application O +consisting O consisting O +of O of O +a O a O +Window B-Library_Class Window O +containing O containing O +a O a O +Canvas B-Library_Class Canvas O +( O ( O +rootCanvas B-Library_Variable rootCanvas O +) O ) O +. O . O + +I O I O +am O am O +trying O trying O +to O to O +add O add O +another O another O +Canvas B-Library_Class Canvas O +( O ( O +test B-Variable_Name test O +) O ) O +to O to O +this O this O +and O and O +apply O apply O +different O different O +Transforms B-Library_Class Transforms O +to O to O +the O the O +child O child O +canvas B-Library_Class canvas O +'s O 's O +LayoutTransform B-Library_Variable LayoutTransform O +. O . O + +This O This O +is O is O +all O all O +being O being O +done O done O +programmatically O programmatically O +rather O rather O +than O than O +using O using O +XAML B-Language XAML O +. O . O + +Some O Some O +transforms B-Library_Class transforms O +are O are O +working O working O +, O , O +whilst O whilst O +others O others O +are O are O +not O not O +as O as O +follows O follows O +: O : O + +When O When O +the O the O +LayoutTranform B-Library_Variable LayoutTranform O +is O is O +set O set O +to O to O +a O a O +RotateTransform B-Library_Class RotateTransform O +it O it O +works O works O +as O as O + +expected O expected O +. O . O + +When O When O +it O it O +is O is O +set O set O +to O to O +a O a O +TranslateTransform B-Library_Class TranslateTransform O +the O the O +translation O translation O +does O does O +not O not O +appear O appear O + +to O to O +be O be O +applied O applied O +, O , O +and O and O +the O the O +test O test O +Canvas B-Library_Class Canvas O +is O is O +still O still O +located O located O +in O in O +the O the O +top O top O +corner O corner O +of O of O + +rootCanvas B-Variable_Name rootCanvas O + +When O When O +it O it O +is O is O +set O set O +to O to O +a O a O +MatrixTransform B-Library_Class MatrixTransform O +that O that O +has O has O +been O been O +constructed O constructed O +by O by O +applying O applying O +a O a O +rotation O rotation O +and O and O +then O then O +a O a O +translation O translation O +, O , O +only O only O +the O the O +rotation O rotation O +appears O appears O +to O to O +be O be O +applied O applied O +. O . O + +The O The O +code O code O +is O is O +given O given O +below O below O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1127 I-Code_Block Q_1127 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +would O would O +be O be O +extremely O extremely O +grateful O grateful O +if O if O +someone O someone O +could O could O +explain O explain O +what O what O +I O I O +am O am O +doing O doing O +wrong O wrong O +here O here O +, O , O +as O as O +I O I O +do O do O +not O not O +understand O understand O +why O why O +translations O translations O +do O do O +not O not O +seem O seem O +to O to O +be O be O +working O working O +as O as O +I O I O +would O would O +expect O expect O +. O . O + +Thanks O Thanks O +in O in O +advance O advance O +, O , O + +Wibbs B-User_Name Wibbs O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +12054349 O 12054349 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12054349/ O https://stackoverflow.com/questions/12054349/ O + + +Please O Please O +read O read O +the O the O +remarks O remarks O +in O in O +FrameworkElement.LayoutTransform B-Library_Variable FrameworkElement.LayoutTransform O +Property O Property O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Use O Use O +UIElement.RenderTransform B-Library_Variable UIElement.RenderTransform O +Property O Property O +for O for O +applying O applying O +a O a O +TranslateTransform B-Library_Class TranslateTransform B-Code_Block +. O . O + +Question_ID O Question_ID O +: O : O +7783441 O 7783441 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7783441/ O https://stackoverflow.com/questions/7783441/ O + + +i O i O +read O read O +some O some O +questions O questions O +here O here O +about O about O +UIGestureRecognizer B-Library_Class UIGestureRecognizer O +but O but O +i O i O +am O am O +not O not O +sure O sure O +how O how O +to O to O +accomplish O accomplish O +the O the O +following O following O +task O task O +: O : O + +I O I O +would O would O +like O like O +to O to O +create O create O +something O something O +like O like O +the O the O +unlock O unlock O +slider B-User_Interface_Element slider O +of O of O +the O the O +iphone B-Device iphone O +, O , O +but O but O +sliding O sliding O +a O a O +button B-User_Interface_Element button O +around O around O +a O a O +circle B-User_Interface_Element circle O +. O . O + +In O In O +this O this O +case O case O +i O i O +do O do O +n't O n't O +need O need O +to O to O +look O look O +into O into O +the O the O +UIGestureRecognizer B-Library_Class UIGestureRecognizer O +class O class O +, O , O +do O do O +i O i O +? O ? O + +I O I O +need O need O +an O an O +animation O animation O +class O class O +or O or O +something O something O +... O ... O +If O If O +you O you O +gave O gave O +me O me O +some O some O +key-words O key-words O +to O to O +start O start O +with O with O +i O i O +would O would O +be O be O +really O really O +happy O happy O +:) O :) O + +maxi B-User_Name maxi O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7783441 O 7783441 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7783441/ O https://stackoverflow.com/questions/7783441/ O + + +Here O Here O +'s O 's O +another O another O +one O one O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +https://github.com/iosdeveloper/SlideToCancel O https://github.com/iosdeveloper/SlideToCancel O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7783441 O 7783441 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7783441/ O https://stackoverflow.com/questions/7783441/ O + + +You O You O +might O might O +try O try O +this O this O +page O page O +as O as O +a O a O +starting O starting O +point O point O + +http://denizdemir.com/2011/03/07/animated-slider-iphones-cool-first-impression/ O http://denizdemir.com/2011/03/07/animated-slider-iphones-cool-first-impression/ O + +To O To O +do O do O +the O the O +circle B-User_Interface_Element circle O +version O version O +will O will O +involve O involve O +a O a O +fair O fair O +bit O bit O +more O more O +work O work O +I O I O +'d O 'd O +say O say O +as O as O +not O not O +only O only O +do O do O +you O you O +need O need O +to O to O +read O read O +the O the O +circle B-User_Interface_Element circle O +gesture O gesture O +you O you O +also O also O +need O need O +your O your O +lock O lock O +to O to O +move O move O +around O around O +the O the O +circle B-User_Interface_Element circle O +.. O .. O +. O . O + +http://iphonedevelopment.blogspot.com/2009/04/detecting-circle-gesture.html O http://iphonedevelopment.blogspot.com/2009/04/detecting-circle-gesture.html O + +http://forum.unity3d.com/threads/13494-Messing-around-with-gestures O http://forum.unity3d.com/threads/13494-Messing-around-with-gestures O + +Could O Could O +be O be O +there O there O +is O is O +a O a O +far O far O +simpler O simpler O +way O way O +to O to O +do O do O +this O this O +now O now O +but O but O +I O I O +'m O 'm O +not O not O +aware O aware O +of O of O +it O it O +. O . O + +Good O Good O +Luck O Luck O +! O ! O + +Question_ID O Question_ID O +: O : O +21893913 O 21893913 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21893913/ O https://stackoverflow.com/questions/21893913/ O + + +My O My O +excel B-Application excel O +spreadsheet B-User_Interface_Element spreadsheet O +contains O contains O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2359 I-Code_Block Q_2359 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +used O used O +freeze O freeze B-Code_Block +panel O panel I-Code_Block +and O and O +other O other O +formatting O formatting O +things O things O +. O . O + +I O I O +want O want O +to O to O +create O create O +separate O separate O +Spreadsheets B-User_Interface_Element Spreadsheets O +that O that O +would O would O +contains O contains O +only O only O +one O one O +name O name O +. O . O + +Example O Example O +: O : O + +Spreadsheet_paul.xls B-File_Name Spreadsheet_paul.xls O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2360 I-Code_Block Q_2360 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Spreadsheet_Nick.xls B-File_Name Spreadsheet_Nick.xls O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2361 I-Code_Block Q_2361 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +........ O ........ O +. O . O + +I O I O +need O need O +to O to O +create O create O +separate O separate O +files O files O +, O , O +with O with O +the O the O +number O number O +of O of O +files O files O +at O at O +the O the O +end O end O +equal O equal O +to O to O +the O the O +number O number O +of O of O +names O names O +in O in O +the O the O +original O original O +spreadsheet B-User_Interface_Element spreadsheet O +, O , O +each O each O +containing O containing O +the O the O +corresponding O corresponding O +subset O subset O +of O of O +the O the O +original O original O +data O data O +. O . O + +How O How O +can O can O +I O I O +do O do O +this O this O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21893913 O 21893913 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21893913/ O https://stackoverflow.com/questions/21893913/ O + + +Try O Try O +this O this O +code O code O +. O . O + +I O I O +'ve O 've O +commented O commented O +it O it O +in O in O +details O details O +. O . O + +But O But O +if O if O +you O you O +have O have O +some O some O +quesions O quesions O +, O , O +ask O ask O +in O in O +comments O comments O +: O : O +) O ) O +. O . O + +Code O Code O +saves O saves O +new O new O +wokrbooks B-Variable_Name wokrbooks O +in O in O +the O the O +folder O folder O +where O where O +your O your O +current O current O +workbook B-Variable_Name workbook O +is O is O +saved O saved O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2966 I-Code_Block A_2966 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21893913 O 21893913 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21893913/ O https://stackoverflow.com/questions/21893913/ O + + +@dmitry B-User_Name @dmitry O +-pavliv I-User_Name -pavliv O +can O can O +you O you O +modify O modify O +your O your O +code O code O +and O and O +add O add O +a O a O +functionality O functionality O +to O to O +copy O copy O +specific O specific O +Sheets B-User_Interface_Element Sheets O +and O and O +add O add O +them O them O +the O the O +final O final O +file O file O +? O ? O + +Question_ID O Question_ID O +: O : O +35834052 O 35834052 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35834052/ O https://stackoverflow.com/questions/35834052/ O + + +I O I O +'m O 'm O +learning O learning O +list B-Data_Structure list O +comprehensions O comprehensions O +in O in O +Python B-Language Python O +. O . O + +I O I O +was O was O +to O to O +append O append O +letters O letters O +from O from O +a O a O +list B-Data_Structure list O +of O of O +words O words O +and O and O +form O form O +a O a O +new O new O +list B-Data_Structure list O +but O but O +without O without O +duplicates O duplicates O +. O . O + +This O This O +is O is O +what O what O +I O I O +'m O 'm O +trying O trying O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4390 I-Code_Block Q_4390 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'m O 'm O +getting O getting O +the O the O +following O following O +error O error O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4391 I-Code_Block Q_4391 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +am O am O +I O I O +doing O doing O +wrong O wrong O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35834052 O 35834052 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35834052/ O https://stackoverflow.com/questions/35834052/ O + + +If O If O +you O you O +simply O simply O +want O want O +to O to O +get O get O +rid O rid O +of O of O +duplicates O duplicates O +, O , O +you O you O +might O might O +want O want O +to O to O +utilize O utilize O +set() B-Library_Function set() B-Code_Block +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5117 I-Code_Block A_5117 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35834052 O 35834052 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35834052/ O https://stackoverflow.com/questions/35834052/ O + + +letterlist B-Variable_Name letterlist B-Code_Block +is O is O +not O not O +defined O defined O +until O until O +the O the O +list B-Data_Structure list O +comprehension O comprehension O +is O is O +finished O finished O +. O . O + +Therefore O Therefore O +, O , O +you O you O +ca O ca O +n't O n't O +reference O reference O +it O it O +inside O inside O +itself O itself O +. O . O + +A O A O +function O function O +can O can O +reference O reference O +itself O itself O +only O only O +because O because O +the O the O +function O function O +is O is O +not O not O +called O called O +until O until O +after O after O +it O it O +'s O 's O +defined O defined O +, O , O +but O but O +a O a O +list B-Data_Structure list O +comprehension O comprehension O +is O is O +being O being O +executed O executed O +as O as O +part O part O +of O of O +the O the O +definition O definition O +, O , O +so O so O +it O it O +ca O ca O +n't O n't O +reference O reference O +itself O itself O +. O . O + +A O A O +possible O possible O +way O way O +to O to O +do O do O +it O it O +would O would O +be O be O +to O to O +define O define O +the O the O +list B-Data_Structure list O +without O without O +the O the O +test O test O +, O , O +and O and O +then O then O +remove O remove O +the O the O +duplicates O duplicates O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5115 I-Code_Block A_5115 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Using O Using O +set() B-Library_Function set() B-Code_Block +makes O makes O +it O it O +a O a O +list B-Data_Structure list O +( O ( O +which O which O +removes O removes O +the O the O +duplicates O duplicates O +) O ) O +, O , O +and O and O +using O using O +list B-Library_Function list B-Code_Block +converts O converts O +it O it O +back O back O +to O to O +a O a O +list B-Data_Structure list O +. O . O + +If O If O +you O you O +really O really O +do O do O +n't O n't O +want O want O +to O to O +use O use O +a O a O +set B-Data_Structure set B-Code_Block +, O , O +then O then O +using O using O +a O a O +list B-Data_Structure list O +comprehension O comprehension O +is O is O +probably O probably O +not O not O +the O the O +best O best O +way O way O +to O to O +go O go O +. O . O + +You O You O +could O could O +use O use O +a O a O +for B-Code_Block for B-Code_Block +loop O loop O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5116 I-Code_Block A_5116 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +30941198 O 30941198 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30941198/ O https://stackoverflow.com/questions/30941198/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3735 I-Code_Block Q_3735 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Gives O Gives O +the O the O +following O following O +error O error O +: O : O +( O ( O +try O try O +it O it O +) O ) O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3736 I-Code_Block Q_3736 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +An O An O +inline O inline O +definition O definition O +does O does O +not O not O +suffer O suffer O +from O from O +this O this O +error O error O +. O . O + +Could O Could O +someone O someone O +please O please O +explain O explain O +why O why O +the O the O +compiler B-Application compiler O +can O can O +not O not O +resolve O resolve O +a B-Variable_Name a B-Code_Block +in O in O +this O this O +case O case O +, O , O +andhow O andhow O +I O I O +can O can O +make O make O +this O this O +code O code O +work O work O +. O . O + +I O I O +would O would O +like O like O +to O to O +not O not O +resolve O resolve O +all O all O +the O the O +names O names O +explicitly O explicitly O +like O like O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3737 I-Code_Block Q_3737 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +As O As O +it O it O +would O would O +decrease O decrease O +readability O readability O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30941198 O 30941198 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30941198/ O https://stackoverflow.com/questions/30941198/ O + + +If O If O +C++11 B-Language C++11 O +and O and O +14 B-Version 14 O +, O , O +you O you O +can O can O +declare O declare O +your O your O +function O function O +auto O auto B-Code_Block +to O to O +get O get O +rid O rid O +of O of O +the O the O +long B-Data_Type long O +return O return O +type O type O +. O . O + +You O You O +need O need O +to O to O +specify O specify O +it O it O +as O as O +a O a O +trailing O trailing O +type O type O +in O in O +C++11 B-Language C++11 O +, O , O +but O but O +this O this O +allows O allows O +you O you O +to O to O +get O get O +omit O omit O +the O the O +typename B-Code_Block typename B-Code_Block +B: I-Code_Block B: I-Code_Block +: I-Code_Block : I-Code_Block +because O because O +the O the O +compiler B-Application compiler O +already O already O +knows O knows O +where O where O +to O to O +look O look O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4407 I-Code_Block A_4407 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30941198 O 30941198 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30941198/ O https://stackoverflow.com/questions/30941198/ O + + +That O That O +'s O 's O +because O because O +the O the O +a B-Variable_Name a B-Code_Block +here O here O +is O is O +still O still O +looking O looking O +in O in O +global B-Data_Type global O +scope O scope O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4408 I-Code_Block A_4408 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +'re O 're O +doing O doing O +unqualifed O unqualifed O +lookup O lookup O +on O on O +a B-Variable_Name a B-Code_Block +. O . O + +Once O Once O +you O you O +get O get O +to O to O +the O the O +B: B-Variable_Name B: B-Code_Block +: I-Variable_Name : I-Code_Block +part O part O +of O of O +the O the O +definition O definition O +, O , O +that O that O +scope O scope O +is O is O +added O added O +to O to O +all O all O +further O further O +lookup O lookup O +. O . O + +So O So O +the O the O +type O type O +of O of O +the O the O +argument O argument O +b B-Variable_Name b B-Code_Block +will O will O +be O be O +looked O looked O +up O up O +in O in O +the O the O +scope O scope O +of O of O +B B-Variable_Name B B-Code_Block +. O . O + +You O You O +simply O simply O +need O need O +to O to O +qualify O qualify O +it O it O +the O the O +return O return O +type O type O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4409 I-Code_Block A_4409 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +relevant O relevant O +rules O rules O +is O is O +for O for O +why O why O +the O the O +argument O argument O +type O type O +a B-Variable_Name a B-Code_Block +can O can O +be O be O +found O found O +is O is O +in O in O +[basic.lookup.unqual]/8 B-Code_Block [basic.lookup.unqual]/8 O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +The O The O +return O return O +type O type O +a B-Variable_Name a B-Code_Block +does O does O +not O not O +match O match O +the O the O +bolded O bolded O +text O text O +( O ( O +or O or O +any O any O +of O of O +the O the O +text O text O +above O above O +) O ) O +, O , O +but O but O +the O the O +argument O argument O +type O type O +a B-Variable_Name a B-Code_Block +does O does O +. O . O + +Question_ID O Question_ID O +: O : O +45111129 O 45111129 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45111129/ O https://stackoverflow.com/questions/45111129/ O + + +I O I O +am O am O +trying O trying O +to O to O +make O make O +a O a O +PDF B-File_Type PDF O +file O file O +accessible O accessible O +, O , O +and O and O +I O I O +am O am O +using O using O +Adobe B-Application Adobe O +Acrobat I-Application Acrobat O +to O to O +check O check O +for O for O +accessibility O accessibility O +. O . O + +I O I O +am O am O +using O using O +JasperReports B-Application JasperReports O +version O version O +6.3.1 B-Version 6.3.1 O +. O . O + +How O How O +do O do O +I O I O +set O set O +the O the O +primary O primary O +language O language O +and O and O +title O title O +? O ? O + +I O I O +used O used O +the O the O +following O following O +code O code O +to O to O +add O add O +a O a O +title O title O +, O , O +but O but O +it O it O +did O did O +not O not O +work O work O +. O . O + +What O What O +do O do O +I O I O +need O need O +to O to O +add O add O +in O in O +the O the O +JRXML B-File_Type JRXML O +file O file O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5880 I-Code_Block Q_5880 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +How O How O +do O do O +I O I O +set O set O +the O the O +tab B-User_Interface_Element tab O +order O order O +for O for O +elements O elements O +on O on O +a O a O +page B-User_Interface_Element page O +( O ( O +table B-User_Interface_Element table O +, O , O +text B-User_Interface_Element text O +fields I-User_Interface_Element fields O +, O , O +etc O etc O +. O . O +) O ) O +? O ? O + +Question_ID O Question_ID O +: O : O +4924766 O 4924766 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4924766/ O https://stackoverflow.com/questions/4924766/ O + + +I O I O +have O have O +a O a O +script O script O +that O that O +downloads O downloads O +ps1 B-File_Type ps1 O +files O files O +to O to O +run O run O +on O on O +new O new O +machine O machine O +start O start O +up O up O +. O . O + +I O I O +do O do O +n't O n't O +want O want O +to O to O +install O install O +any O any O +powershell B-Library powershell O +add O add O +in O in O +or O or O +extension O extension O +methods O methods O +. O . O + +I O I O +just O just O +want O want O +to O to O +unblock O unblock O +the O the O +files O files O +and O and O +run O run O +them O them O +. O . O + +Any O Any O +suggestions O suggestions O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_350 I-Code_Block Q_350 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +4924766 O 4924766 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4924766/ O https://stackoverflow.com/questions/4924766/ O + + +This O This O +post O post O +from O from O +Scott B-User_Name Scott O +Hanselman I-User_Name Hanselman O +explains O explains O +how O how O +the O the O +zone O zone O +information O information O +is O is O +embedded O embedded O +in O in O +an O an O +alternate O alternate O +data O data O +stream O stream O +, O , O +you O you O +can O can O +use O use O +that O that O +knowledge O knowledge O +to O to O +unblock O unblock O +your O your O +files O files O +. O . O + +If O If O +you O you O +are O are O +able O able O +to O to O +use O use O +an O an O +external O external O +tool O tool O +, O , O +the O the O +easiest O easiest O +way O way O +is O is O +to O to O +use O use O +streams.exe B-File_Name streams.exe O +from O from O +SysInternals B-Application SysInternals O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_514 I-Code_Block A_514 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +4924766 O 4924766 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4924766/ O https://stackoverflow.com/questions/4924766/ O + + +Got O Got O +the O the O +answer O answer O +on O on O +another O another O +forum O forum O +: O : O +Not O Not O +that O that O +@driis B-User_Name @driis O +was O was O +n't O n't O +on O on O +target O target O +but O but O +this O this O +is O is O +more O more O +powershelly B-Library powershelly O + +http://social.technet.microsoft.com/Forums/en/winserverpowershell/thread/0b5f1fa6-981e-4696-84bc-b8046564ec8b O http://social.technet.microsoft.com/Forums/en/winserverpowershell/thread/0b5f1fa6-981e-4696-84bc-b8046564ec8b O + +Question_ID O Question_ID O +: O : O +11231527 O 11231527 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/11231527/ O https://stackoverflow.com/questions/11231527/ O + + +I O I O +want O want O +to O to O +test O test O +performance O performance O +of O of O +my O my O +code O code O +on O on O +both O both O +jvm B-Application jvm O +types O types O +-client B-Code_Block -client B-Code_Block +and O and O +-server B-Code_Block -server B-Code_Block + +How O How O +can O can O +i O i O +switch O switch O +among O among O +both O both O +jvm B-Application jvm O +types O types O +in O in O +eclipse B-Application eclipse O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +11231527 O 11231527 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/11231527/ O https://stackoverflow.com/questions/11231527/ O + + +The O The O +same O same O +way O way O +you O you O +would O would O +run O run O +your O your O +application O application O +with O with O +any O any O +command-line B-Application command-line O +switches O switches O +( O ( O +such O such O +as O as O +-Xmx256m B-Code_Block -Xmx256m B-Code_Block +) O ) O +. O . O + +Just O Just O +add O add O +it O it O +to O to O +the O the O +Command B-Application Command O +Line I-Application Line O +Options O Options O +to O to O +the O the O +Run B-Application Run O +Configuration O Configuration O +( O ( O +you O you O +could O could O +create O create O +2 O 2 O +configurations O configurations O +, O , O +one O one O +for O for O +each O each O +setting O setting O +) O ) O +. O . O + +To O To O +be O be O +more O more O +specific O specific O +: O : O + +Go O Go O +to O to O +your O your O +application O application O +'s O 's O +main B-Library_Class main O +class O class O + +Run O Run O +it O it O + +This O This O +should O should O +create O create O +a O a O +Run B-Application Run O +( O ( O +or O or O +Launch B-Application Launch O +) O ) O +Configuration O Configuration O + +Edit O Edit O +this O this O +configuration O configuration O + +Add O Add O +-client B-Code_Block -client B-Code_Block +or O or O +-server B-Code_Block -server B-Code_Block +in O in O +the O the O +command-line B-Application command-line O +switches O switches O + +More O More O +information O information O +is O is O +available O available O +in O in O +the O the O +Eclipse B-Application Eclipse O +Help O Help O + +Question_ID O Question_ID O +: O : O +14572943 O 14572943 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/14572943/ O https://stackoverflow.com/questions/14572943/ O + + +I O I O +'ve O 've O +got O got O +PhoneGap B-Application PhoneGap O +Android B-Operating_System Android O +app O app O +that O that O +is O is O +exactly O exactly O +480 B-Value 480 O +pixel I-Value pixel O +width O width O +and O and O +I O I O +want O want O +to O to O +set O set O +viewport B-User_Interface_Element viewport O +size O size O +to O to O +this O this O +size O size O +on O on O +every O every O +possible O possible O +Android B-Operating_System Android O +'s O 's O +device O device O + +I O I O +'ve O 've O +tried O tried O +this O this O +tag O tag O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1396 I-Code_Block Q_1396 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +it O it O +was O was O +ignored O ignored O +by O by O +all O all O +devices O devices O +and O and O +emulators B-Application emulators O +I O I O +tested O tested O +with O with O +. O . O + +Then O Then O +I O I O +tried O tried O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1397 I-Code_Block Q_1397 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +this O this O +worked O worked O +, O , O +but O but O +only O only O +on O on O +some O some O +( O ( O +smaller O smaller O +) O ) O +devices O devices O +. O . O + +On O On O +mu O mu O +Samsung B-Device Samsung O +GT I-Device GT O +it O it O +gives O gives O +correct O correct O +480 B-Value 480 O +pixel I-Value pixel O +width O width O +viewport O viewport O +, O , O +but O but O +when O when O +launched O launched O +on O on O +tablet B-Device tablet O +it O it O +gives O gives O +800 B-Value 800 O +pixel I-Value pixel O +width O width O +viewport B-User_Interface_Element viewport O +. O . O + +Am O Am O +I O I O +missing O missing O +something O something O +obvious O obvious O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +14572943 O 14572943 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/14572943/ O https://stackoverflow.com/questions/14572943/ O + + +After O After O +several O several O +hours O hours O +of O of O +debugging O debugging O +I O I O +finally O finally O +found O found O +a O a O +solution O solution O +: O : O + +WebView B-Library_Class WebView O +will O will O +ignore O ignore O +width B-Variable_Name width O +of O of O +the O the O +viewport B-User_Interface_Element viewport O +unless O unless O +it O it O +is O is O +explicty O explicty O +told O told O +to O to O +be O be O +loaded O loaded O +in O in O +OverviewMode B-Value OverviewMode O +. O . O + +So O So O +if O if O +anyone O anyone O +come O come O +here O here O +from O from O +Google B-Website Google O +, O , O +here O here O +'s O 's O +the O the O +solution O solution O +: O : O + +Add O Add O +to O to O +your O your O +Java B-Language Java O +source O source O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1856 I-Code_Block A_1856 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +14572943 O 14572943 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/14572943/ O https://stackoverflow.com/questions/14572943/ O + + +Not O Not O +sure O sure O +why O why O +, O , O +but O but O +I O I O +had O had O +to O to O +remove O remove O +, B-Code_Block , B-Code_Block +target-densityDpi I-Code_Block target-densityDpi I-Code_Block += I-Code_Block = I-Code_Block +device-dpi I-Code_Block device-dpi I-Code_Block +from O from O +the O the O +viewport B-User_Interface_Element viewport O +tag O tag O +to O to O +get O get O +this O this O +to O to O +work O work O +- O - O +the O the O +accepted O accepted O +answer O answer O +did O did O +n't O n't O +help O help O +me O me O +. O . O + +using O using O +a O a O +Samsung B-Device Samsung O +Galaxy I-Device Galaxy O +Nexus I-Device Nexus O + +Question_ID O Question_ID O +: O : O +7817431 O 7817431 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7817431/ O https://stackoverflow.com/questions/7817431/ O + + +I O I O +have O have O +a O a O +web O web O +application O application O +in O in O +which O which O +we O we O +use O use O +JSF B-Library JSF O +framework O framework O +. O . O + +I O I O +have O have O +been O been O +diving O diving O +deep O deep O +into O into O +the O the O +security O security O +part O part O +for O for O +web O web O +application O application O +and O and O +hence O hence O +I O I O +was O was O +looking O looking O +to O to O +generate O generate O +my O my O +own O own O +unique O unique O +session O session O +ID O ID O +( O ( O +using O using O +encryption O encryption O +algorithm O algorithm O +and O and O +assign O assign O +it O it O +to O to O +every O every O +new O new O +session O session O +which O which O +gets O gets O +created O created O +once O once O +user O user O +logs O logs O +in O in O +. O . O + +Can O Can O +anyone O anyone O +please O please O +guide O guide O +me O me O +on O on O +how O how O +to O to O +set O set O +manual O manual O +generated O generated O +session O session O +id O id O +in O in O +session O session O +and O and O +ensure O ensure O +with O with O +each O each O +request O request O +that O that O +session O session O +id O id O +is O is O +transmitted O transmitted O +. O . O + +Thanks O Thanks O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7817431 O 7817431 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7817431/ O https://stackoverflow.com/questions/7817431/ O + + +Attempting O Attempting O +to O to O +do O do O +this O this O +at O at O +the O the O +JSF B-Library JSF O +application O application O +layer O layer O +is O is O +unlikely O unlikely O +to O to O +be O be O +successful O successful O +; O ; O +I O I O +would O would O +perform O perform O +this O this O +task O task O +at O at O +a O a O +lower O lower O +level O level O +API O API O +. O . O + +I O I O +am O am O +assuming O assuming O +a O a O +servlet B-Library_Class servlet O +container O container O +. O . O + +I O I O +can O can O +think O think O +of O of O +two O two O +approaches O approaches O +: O : O + +do O do O +this O this O +at O at O +a O a O +container O container O +level O level O +via O via O +a O a O +server-specific B-Device server-specific O +SPI O SPI O +( O ( O +if O if O +one O one O +even O even O +exists O exists O +) O ) O + +do O do O +this O this O +by O by O +rewriting O rewriting O +requests/responses O requests/responses O +via O via O +a O a O +servlet B-Library_Class servlet O +Filter I-Library_Class Filter O + +There O There O +is O is O +insufficient O insufficient O +information O information O +to O to O +comment O comment O +on O on O +the O the O +viability O viability O +of O of O +the O the O +first O first O +approach O approach O +. O . O + +In O In O +the O the O +second O second O +, O , O +you O you O +would O would O +have O have O +to O to O +determine O determine O +the O the O +name O name O +of O of O +the O the O +session O session O +cookie O cookie O +( O ( O +it O it O +is O is O +usually O usually O +JSESSIONID B-Library_Variable JSESSIONID O +, O , O +but O but O +does O does O +not O not O +have O have O +to O to O +be O be O +) O ) O +. O . O + +Your O Your O +API B-Library API O +would O would O +: O : O + +map O map O +the O the O +filter O filter O +to O to O +all O all O +application O application O +requests O requests O + +maintain O maintain O +a O a O +map O map O +of O of O +container O container O +session O session O +ids O ids O +to O to O +" O " O +secure O secure O +" O " O +ids O ids O + +use O use O +the O the O +filter O filter O +to O to O +rewrite O rewrite O +any O any O +session O session O +cookie O cookie O +in O in O +the O the O +request O request O +with O with O +the O the O +session O session O +id O id O + +use O use O +the O the O +filter O filter O +rewrite O rewrite O +any O any O +session O session O +cookie O cookie O +in O in O +the O the O +response O response O +with O with O +the O the O +secure O secure O +id O id O + +use O use O +a O a O +listener O listener O +to O to O +remove O remove O +invalid O invalid O +sessions O sessions O +from O from O +the O the O +map O map O +to O to O +avoid O avoid O +memory O memory O +leaks O leaks O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7817431 O 7817431 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7817431/ O https://stackoverflow.com/questions/7817431/ O + + +I O I O +really O really O +doubt O doubt O +you O you O +'ll O 'll O +generate O generate O +session O session O +IDs O IDs O +that O that O +are O are O +more O more O +secure O secure O +than O than O +the O the O +ones O ones O +generated O generated O +by O by O +the O the O +container O container O +, O , O +but O but O +here O here O +'s O 's O +what O what O +you O you O +could O could O +do O do O +, O , O +without O without O +using O using O +any O any O +container-specific O container-specific O +extension O extension O +. O . O + +Create O Create O +a O a O +servlet B-Library_Class servlet O +filter I-Library_Class filter O +which O which O +intercept O intercept O +every O every O +request O request O +to O to O +the O the O +server O server O +. O . O + +When O When O +a O a O +request O request O +comes O comes O +in O in O +, O , O +check O check O +if O if O +a O a O +session O session O +already O already O +exists O exists O +for O for O +this O this O +request O request O +( O ( O +using O using O +getSession(false)) B-Library_Function getSession(false)) B-Code_Block +. O . O + +If O If O +one O one O +exists O exists O +, O , O +then O then O +extract O extract O +your O your O +specific O specific O +cookie O cookie O +MY_SESSION_ID B-Library_Variable MY_SESSION_ID O +from O from O +the O the O +request O request O +, O , O +and O and O +compare O compare O +its O its O +value O value O +to O to O +the O the O +one O one O +that O that O +is O is O +stored O stored O +in O in O +the O the O +session O session O +. O . O + +If O If O +they O they O +do O do O +n't O n't O +match O match O +, O , O +reject O reject O +the O the O +request O request O +. O . O + +If O If O +the O the O +session O session O +does O does O +n't O n't O +exist O exist O +, O , O +then O then O +create O create O +it O it O +( O ( O +using O using O +getSession(true)) B-Library_Function getSession(true)) B-Code_Block +, O , O +generate O generate O +your O your O +super-secure O super-secure O +session O session O +ID O ID O +, O , O +store O store O +it O it O +as O as O +a O a O +session O session O +attribute O attribute O +and O and O +add O add O +the O the O +cookie O cookie O +MY_SESSION_ID B-Library_Variable MY_SESSION_ID O +to O to O +the O the O +response O response O +. O . O + +This O This O +has O has O +the O the O +disadvantage O disadvantage O +of O of O +creating O creating O +a O a O +session O session O +automatically O automatically O +, O , O +even O even O +if O if O +it O it O +'s O 's O +not O not O +strictly O strictly O +needed O needed O +. O . O + +But O But O +that O that O +'s O 's O +the O the O +case O case O +most O most O +of O of O +the O the O +time O time O +when O when O +using O using O +JSPs B-Library JSPs O +of O of O +component O component O +frameworks O frameworks O +. O . O + +Question_ID O Question_ID O +: O : O +25042334 O 25042334 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25042334/ O https://stackoverflow.com/questions/25042334/ O + + +I O I O +have O have O +a O a O +large O large O +form B-User_Interface_Element form O +that O that O +has O has O +already O already O +been O been O +made O made O +, O , O +there O there O +are O are O +many O many O +different O different O +objects O objects O +in O in O +the O the O +form B-User_Interface_Element form O +including O including O +drop B-User_Interface_Element drop O +downs I-User_Interface_Element downs O +and O and O +check B-User_Interface_Element check O +boxes I-User_Interface_Element boxes O +. O . O + +The O The O +majority O majority O +of O of O +the O the O +objects O objects O +are O are O +check B-User_Interface_Element check O +boxes I-User_Interface_Element boxes O +. O . O + +I O I O +need O need O +the O the O +boxes B-User_Interface_Element boxes O +to O to O +turn O turn O +red O red O +if O if O +they O they O +are O are O +changed O changed O +from O from O +the O the O +default O default O +. O . O + +Some O Some O +defaults O defaults O +are O are O +" B-Value " O +on I-Value on O +" I-Value " O +others O others O +are O are O +" B-Value " O +off I-Value off O +" I-Value " O +I O I O +can O can O +do O do O +this O this O +item O item O +by O by O +item O item O +, O , O +but O but O +it O it O +'s O 's O +very O very O +time O time O +consuming O consuming O +. O . O + +Is O Is O +there O there O +a O a O +way O way O +to O to O +make O make O +it O it O +a O a O +standard O standard O +for O for O +the O the O +form B-User_Interface_Element form O +? O ? O + +The O The O +other O other O +issue O issue O +I O I O +am O am O +having O having O +is O is O +, O , O +if O if O +they O they O +change O change O +it O it O +from O from O +the O the O +default O default O +it O it O +turns O turns O +red O red O +, O , O +however O however O +if O if O +it O it O +is O is O +returned O returned O +to O to O +the O the O +default O default O +it O it O +stays O stays O +red O red O +, O , O +is O is O +there O there O +a O a O +way O way O +to O to O +make O make O +it O it O +change O change O +back O back O +? O ? O + +I O I O +feel O feel O +like O like O +this O this O +should O should O +be O be O +something O something O +simple O simple O +that O that O +I O I O +am O am O +just O just O +missing O missing O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25042334 O 25042334 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25042334/ O https://stackoverflow.com/questions/25042334/ O + + +You O You O +can O can O +use O use O +scripting O scripting O +on O on O +enter O enter O +and O and O +exit O exit O +events O events O + +In O In O +Adobe B-Application Adobe O +LiveCycle I-Application LiveCycle O +Designer I-Application Designer O +select O select O +all O all O +the O the O +fields O fields O +you O you O +want O want O +to O to O +change O change O +the O the O +highlighting O highlighting O +and O and O +add O add O +the O the O +following O following O +scripts O scripts O +to O to O +each O each O +text B-User_Interface_Element text O +field I-User_Interface_Element field O +: O : O + +Add O Add O +an O an O +enter O enter O +event O event O +to O to O +the O the O +fields O fields O +to O to O +highlight O highlight O +in O in O +red O red O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3609 I-Code_Block A_3609 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Add O Add O +an O an O +exit O exit O +event O event O +to O to O +the O the O +fields O fields O +to O to O +highlight O highlight O +in O in O +black O black O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3610 I-Code_Block A_3610 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +7727218 O 7727218 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7727218/ O https://stackoverflow.com/questions/7727218/ O + + +In O In O +my O my O +application O application O +I O I O +am O am O +doing O doing O +live O live O +audio O audio O +streaming O streaming O +using O using O +Android B-Operating_System Android O +media B-Library_Class media O +player I-Library_Class player O +. O . O + +I O I O +want O want O +to O to O +capture O capture O +the O the O +sound O sound O +stream O stream O +played O played O +by O by O +MediaPlayer B-Library_Class MediaPlayer O +. O . O + +Is O Is O +there O there O +is O is O +way O way O +to O to O +record O record O +using O using O +Android B-Operating_System Android O +MediaPlayer B-Library_Class MediaPlayer O +instead O instead O +of O of O +MediaRecorder B-Library_Class MediaRecorder O +? O ? O + +Any O Any O +suggestions O suggestions O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7727218 O 7727218 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7727218/ O https://stackoverflow.com/questions/7727218/ O + + +While O While O +it O it O +is O is O +a O a O +non-trivial O non-trivial O +undertaking O undertaking O +, O , O +you O you O +can O can O +write O write O +your O your O +own O own O +" O " O +MediaPlayer B-Class_Name MediaPlayer O +" O " O +that O that O +implements O implements O +whatever O whatever O +streaming O streaming O +protocol O protocol O +you O you O +are O are O +using O using O +and O and O +writes O writes O +the O the O +stream O stream O +to O to O +a O a O +file O file O +instead O instead O +of O of O +the O the O +speaker B-Device speaker O +. O . O + +Question_ID O Question_ID O +: O : O +43654553 O 43654553 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43654553/ O https://stackoverflow.com/questions/43654553/ O + + +I O I O +created O created O +my O my O +database O database O +and O and O +started O started O +developing O developing O +a O a O +web O web O +application O application O +in O in O +c# B-Language c# O +with O with O +EF5 B-Application EF5 O +and O and O +the O the O +DB B-Algorithm DB O +First I-Algorithm First O +approach I-Algorithm approach O +. O . O + +I O I O +can O can O +modify O modify O +my O my O +entities O entities O +on O on O +their O their O +own O own O +data O data O +fields O fields O +but O but O +do O do O +n't O n't O +get O get O +it O it O +to O to O +work O work O +when O when O +it O it O +comes O comes O +to O to O +updating O updating O +relationships O relationships O +. O . O + +A O A O +simple O simple O +relationship O relationship O +example O example O +is O is O +Project B-Class_Name Project O +<- O <- O +ProjectCategoryIntersection B-Class_Name ProjectCategoryIntersection O +-> O -> O +Category B-Class_Name Category O + +Model O Model O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5605 I-Code_Block Q_5605 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Save O Save O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5606 I-Code_Block Q_5606 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +exception B-Library_Class exception O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5607 I-Code_Block Q_5607 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +also O also O +receive O receive O +a O a O +multiple B-Error_Name multiple B-Code_Block +instances I-Error_Name instances I-Code_Block +ChangeTracker I-Error_Name ChangeTracker I-Code_Block +exception B-Library_Class exception O +when O when O +i O i O +try O try O +to O to O +add O add O +the O the O +categories O categories O +directly O directly O +to O to O +the O the O +project O project O +object O object O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5608 I-Code_Block Q_5608 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Should O Should O +i O i O +remove O remove O +the O the O +generated O generated O +table B-Data_Structure table O +object O object O +from O from O +my O my O +model O model O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5609 I-Code_Block Q_5609 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Solution O Solution O + +I O I O +ended O ended O +up O up O +removing O removing O +the O the O +generated O generated O +table B-Data_Structure table O +object O object O +public B-Code_Block public B-Code_Block +TProject I-Code_Block TProject I-Code_Block +project I-Code_Block project I-Code_Block +{ I-Code_Block { I-Code_Block +get I-Code_Block get I-Code_Block +; I-Code_Block ; I-Code_Block +private I-Code_Block private I-Code_Block +set I-Code_Block set I-Code_Block +; I-Code_Block ; I-Code_Block +} I-Code_Block } I-Code_Block +and O and O +changed O changed O +my O my O +code O code O +to O to O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5610 I-Code_Block Q_5610 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43654553 O 43654553 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43654553/ O https://stackoverflow.com/questions/43654553/ O + + +Apperantly O Apperantly O +this O this O +happens O happens O +when O when O +you O you O +use O use O +reference O reference O +to O to O +an O an O +object O object O +and O and O +also O also O +an O an O +Integer B-Data_Type Integer O +for O for O +the O the O +ID B-Variable_Name ID O +within O within O +the O the O +same O same O +object O object O +and O and O +change O change O +both O both O +of O of O +them O them O +. O . O + +When O When O +this O this O +happens O happens O +EF B-Library EF O +can O can O +not O not O +know O know O +which O which O +one O one O +is O is O +the O the O +correct O correct O +reference O reference O + +Try O Try O +setting O setting O +only O only O +Ids B-Variable_Name Ids O +and O and O +set O set O +null B-Value null O +for O for O +references O references O +like O like O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6304 I-Code_Block A_6304 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +42441382 O 42441382 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/42441382/ O https://stackoverflow.com/questions/42441382/ O + + +I O I O +am O am O +trying O trying O +to O to O +convert O convert O +yearly O yearly O +salary O salary O +to O to O +weekly O weekly O +. O . O + +So O So O +, O , O +312,000 B-Value 312,000 O +yearly O yearly O +salary O salary O +should O should O +come O come O +out O out O +as O as O +$6000 B-Value $6000 O +weekly O weekly O +. O . O + +Here O Here O +is O is O +my O my O +formula O formula O +which O which O +is O is O +not O not O +giving O giving O +the O the O +desired O desired O +result O result O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5407 I-Code_Block Q_5407 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Also O Also O +, O , O +how O how O +can O can O +I O I O +convert O convert O +yearly O yearly O +to O to O +hourly O hourly O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +42441382 O 42441382 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/42441382/ O https://stackoverflow.com/questions/42441382/ O + + +There O There O +are O are O +52 B-Value 52 O +weeks O weeks O +in O in O +a O a O +year O year O +, O , O +so O so O +weeklySalary B-Code_Block weeklySalary B-Code_Block += I-Code_Block = I-Code_Block +yearlySalary I-Code_Block yearlySalary I-Code_Block +/ I-Code_Block / I-Code_Block +52 I-Code_Block 52 I-Code_Block +. O . O + +If O If O +you O you O +want O want O +hourly O hourly O +, O , O +there O there O +are O are O +40 B-Value 40 O +working O working O +hours O hours O +in O in O +a O a O +week O week O +, O , O +so O so O +hourlySalary B-Code_Block hourlySalary B-Code_Block += I-Code_Block = I-Code_Block +weeklySalary I-Code_Block weeklySalary I-Code_Block +/ I-Code_Block / I-Code_Block +40 I-Code_Block 40 I-Code_Block +. O . O + +Question_ID O Question_ID O +: O : O +29364930 O 29364930 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29364930/ O https://stackoverflow.com/questions/29364930/ O + + +i O i O +need O need O +to O to O +find O find O +the O the O +possible O possible O +paths O paths O +between O between O +source O source O +and O and O +target O target O +in O in O +a O a O +2*D O 2*D O +grid B-User_Interface_Element grid O +under O under O +some O some O +defined O defined O +constraints O constraints O +like O like O + +ex O ex O +: O : O +we O we O +have O have O +a O a O +grid B-User_Interface_Element grid O +( O ( O +5 O 5 O +* O * O +9 O 9 O +) O ) O +and O and O +we O we O +have O have O +2 O 2 O +source O source O +and O and O +2 O 2 O +targets O targets O +, O , O +i.e O i.e O +. O . O + +source1 B-Variable_Name source1 O +( B-Value ( O +2 I-Value 2 O +, I-Value , O +2) I-Value 2) O +target1 B-Variable_Name target1 O +( B-Value ( O +4 I-Value 4 O +, I-Value , O +9 I-Value 9 O +) I-Value ) O + +source2 B-Variable_Name source2 O +( B-Value ( O +2 I-Value 2 O +, I-Value , O +7 I-Value 7 O +) I-Value ) O +target2 B-Variable_Name target2 O +( B-Value ( O +4 I-Value 4 O +, I-Value , O +3) I-Value 3) O + +Now O Now O +i O i O +have O have O +to O to O +find O find O +possible O possible O +shortest O shortest O +paths O paths O +combinations O combinations O +between O between O +source1 B-Variable_Name source1 O +and O and O +target1 B-Variable_Name target1 O +which O which O +donot O donot O +intersect O intersect O +the O the O +path O path O +between O between O +source2 B-Variable_Name source2 O +and O and O +target2 B-Variable_Name target2 O +with O with O +minimum O minimum O +time O time O +complexity O complexity O +. O . O +? O ? O + +Can O Can O +i O i O +apply O apply O +Genetic B-Algorithm Genetic O +Algorithm I-Algorithm Algorithm O +for O for O +this O this O +problem O problem O +or O or O +keep O keep O +comparing O comparing O +each O each O +path O path O +of O of O +source1-target1 B-Variable_Name source1-target1 O +with O with O +all O all O +paths O paths O +of O of O +other O other O +source2-target2 B-Variable_Name source2-target2 O +. O . O +? O ? O + +comparing O comparing O +all O all O +paths O paths O +will O will O +lead O lead O +to O to O +more O more O +time O time O +complexity O complexity O +. O . O + +so O so O +suggest O suggest O +me O me O +any O any O +better O better O +solution O solution O +for O for O +this O this O +problem O problem O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +29364930 O 29364930 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29364930/ O https://stackoverflow.com/questions/29364930/ O + + +I O I O +have O have O +in O in O +fact O fact O +no O no O +experience O experience O +with O with O +genetic B-Algorithm genetic O +algorithms I-Algorithm algorithms O +. O . O + +But O But O +you O you O +might O might O +be O be O +able O able O +to O to O +modify O modify O +an O an O +A* B-Algorithm A* O +search I-Algorithm search O +algorithm O algorithm O +and O and O +let O let O +one O one O +path O path O +block O block O +off O off O +the O the O +other O other O +path O path O + +Question_ID O Question_ID O +: O : O +16077394 O 16077394 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16077394/ O https://stackoverflow.com/questions/16077394/ O + + +I O I O +' O ' O +m O m O +trying O trying O +to O to O +switch O switch O +windows B-Operating_System windows O +input O input O +language O language O +by O by O +ALT+SHIFT B-Keyboard_IP ALT+SHIFT O +from O from O +Russian O Russian O +to O to O +English O English O +but O but O +it O it O +does O does O +n't O n't O +in O in O +java B-Language java O +applications O applications O +. O . O + +In O In O +windows B-Operating_System windows O +it O it O +works O works O +fine O fine O +but O but O +when O when O +I O I O +switch O switch O +by O by O +ALT+TAB B-Keyboard_IP ALT+TAB O +to O to O +one O one O +of O of O +java B-Language java O +applications O applications O +it O it O +does O does O +n't O n't O +work O work O +. O . O + +To O To O +fix O fix O +it O it O +I O I O +have O have O +to O to O +restart O restart O +application O application O +, O , O +for O for O +example O example O +Itellij B-Application Itellij O +IDEA I-Application IDEA O +. O . O + +But O But O +after O after O +some O some O +time O time O +it O it O +appears O appears O +again O again O +. O . O + +Can O Can O +Anybody O Anybody O +describe O describe O +how O how O +to O to O +fix O fix O +it O it O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16077394 O 16077394 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16077394/ O https://stackoverflow.com/questions/16077394/ O + + +Have O Have O +a O a O +look O look O +at O at O +your O your O +java B-Language java O +app O app O +keyboard O keyboard O +preferences O preferences O +if O if O +it O it O +has O has O +its O its O +own O own O +shortcut-function O shortcut-function O +bound O bound O +to O to O +the O the O +ALT+ B-Keyboard_IP ALT+ O +SHIFT I-Keyboard_IP SHIFT O +. O . O + +It O It O +may O may O +be O be O +so O so O +for O for O +IntelliJ B-Application IntelliJ O +IDEA I-Application IDEA O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16077394 O 16077394 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16077394/ O https://stackoverflow.com/questions/16077394/ O + + +AFAIK B-Language AFAIK O +, O , O +the O the O +default O default O +language O language O +is O is O +decided O decided O +at O at O +start-up O start-up O +, O , O +as O as O +you O you O +experienced O experienced O +. O . O + +This O This O +allows O allows O +to O to O +override O override O +the O the O +default O default O +language O language O +using O using O +some O some O +command B-Application command O +line I-Application line O +arguments O arguments O +. O . O + +I O I O +'m O 'm O +afraid O afraid O +, O , O +this O this O +is O is O +how O how O +it O it O +is O is O +. O . O + +You O You O +will O will O +have O have O +to O to O +restart O restart O +the O the O +application O application O +to O to O +get O get O +the O the O +changed O changed O +default O default O +language O language O +from O from O +the O the O +OS O OS O +. O . O + +Question_ID O Question_ID O +: O : O +42619132 O 42619132 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/42619132/ O https://stackoverflow.com/questions/42619132/ O + + +Please O Please O +Help O Help O +! O ! O + +I O I O +have O have O +a O a O +user O user O +page B-User_Interface_Element page O +setup O setup O +and O and O +properly O properly O +linked O linked O +to O to O +my O my O +database O database O +. O . O + +What O What O +i O i O +want O want O +to O to O +do O do O +is O is O +to O to O +add O add O +a O a O +countdown O countdown O +timer O timer O +of O of O +3 O 3 O +hours O hours O +for O for O +users O users O +who O who O +have O have O +not O not O +activated O activated O +their O their O +account O account O +. O . O + +I O I O +want O want O +that O that O +timer O timer O +to O to O +be O be O +unique O unique O +to O to O +individual O individual O +users O users O +which O which O +will O will O +start O start O +counting O counting O +once O once O +they O they O +register O register O +their O their O +account O account O +and O and O +when O when O +they O they O +login O login O +the O the O +countdown O countdown O +will O will O +be O be O +displayed O displayed O +on O on O +the O the O +page B-User_Interface_Element page O +. O . O + +Please O Please O +, O , O +can O can O +anyone O anyone O +help O help O +me O me O +with O with O +a O a O +simple O simple O +code O code O +to O to O +implement O implement O +this O this O +? O ? O + +Thanks O Thanks O +a O a O +lot O lot O +. O . O + +PS O PS O +: O : O +I O I O +am O am O +a O a O +dummy O dummy O +in O in O +code O code O +writing O writing O +, O , O +so O so O +I O I O +use O use O +Dreamweaver B-Application Dreamweaver O +to O to O +help O help O +me O me O +with O with O +code O code O +generation O generation O +. O . O + +Here O Here O +'s O 's O +my O my O +page B-User_Interface_Element page O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5430 I-Code_Block Q_5430 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +42619132 O 42619132 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/42619132/ O https://stackoverflow.com/questions/42619132/ O + + +You O You O +can O can O +store O store O +timestamp O timestamp O +in O in O +a O a O +field O field O +of O of O +user O user O +table B-Data_Structure table O +when O when O +registering O registering O +new O new O +user O user O +. O . O + +also O also O +you O you O +can O can O +use O use O +mysql B-Application mysql O +insert O insert O +trigger O trigger O +to O to O +do O do O +that O that O +automatically O automatically O +for O for O +you O you O +. O . O + +when O when O +user O user O +logged O logged O +in O in O +, O , O +you O you O +can O can O +subtract O subtract O +registered O registered O +timestamp O timestamp O +from O from O +current O current O +timestam O timestam O +and O and O +show O show O +in O in O +user O user O +dashboard B-User_Interface_Element dashboard O +. O . O + +also O also O +you O you O +can O can O +use O use O +JavaScript B-Language JavaScript O +to O to O +continues O continues O +showing O showing O +counting O counting O +down O down O +timer O timer O +in O in O +in O in O +user O user O +dashboard B-User_Interface_Element dashboard O +with O with O +interval B-Library_Function interval O +or O or O +setTimeout B-Library_Function setTimeout O +. O . O + +Edited O Edited O +: O : O + +to O to O +set O set O +timestamp O timestamp O +in O in O +you O you O +table B-Data_Structure table O +you O you O +can O can O +simply O simply O +Default O Default O +value O value O +to O to O +your O your O +field O field O +, O , O +something O something O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6150 I-Code_Block A_6150 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +when O when O +your O your O +try O try O +to O to O +login O login O +or O or O +when O when O +your O your O +Job O Job O +fired O fired O +, O , O +you O you O +can O can O +check O check O +time O time O +and O and O +delete O delete O +user O user O +if O if O +time O time O +is O is O +more O more O +than O than O +3 O 3 O +hours O hours O +an O an O +user O user O +do O do O +n't O n't O +finish O finish O +registration O registration O +steps O steps O +. O . O + +something O something O +like O like O +below O below O +php B-Language php O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6151 I-Code_Block A_6151 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +33680840 O 33680840 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33680840/ O https://stackoverflow.com/questions/33680840/ O + + +What O What O +I O I O +want O want O +: O : O + +I O I O +have O have O +ListView B-Library_Class ListView O +. O . O + +Load O Load O +data O data O +to O to O +ListView B-Library_Class ListView O +in O in O +fly O fly O +( O ( O +when O when O +user O user O +scrolling O scrolling O +listView B-Library_Class listView O +) O ) O +. O . O + +Data O Data O +is O is O +from O from O +SQLite B-Library SQLite O +table B-Data_Structure table O +. O . O + +But O But O +when O when O +SQLite B-Library SQLite O +table B-Data_Structure table O +end O end O +- O - O +get O get O +new O new O +data O data O +from O from O +GitHub B-Website GitHub O +API I-Website API O +in O in O +JSON B-File_Type JSON O +format O format O +. O . O + +Then O Then O +save O save O +this O this O +data O data O +to O to O +SQLite B-Library SQLite O +table B-Data_Structure table O +and O and O +then O then O +show O show O +new O new O +items O items O +in O in O +lisview B-Library_Class lisview O +. O . O + +How O How O +can O can O +I O I O +do O do O +this O this O +? O ? O + +Thanks O Thanks O +in O in O +advance O advance O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +33680840 O 33680840 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33680840/ O https://stackoverflow.com/questions/33680840/ O + + +Your O Your O +custom O custom O +ListView B-Class_Name ListView O +class O class O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4815 I-Code_Block A_4815 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +your O your O +activity B-Library_Class activity O +, O , O +implement O implement O +ListView.ListViewListener B-Library_Class ListView.ListViewListener O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4816 I-Code_Block A_4816 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +9517451 O 9517451 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9517451/ O https://stackoverflow.com/questions/9517451/ O + + +I O I O +'m O 'm O +working O working O +on O on O +an O an O +automatic O automatic O +summarization O summarization O +system O system O +in O in O +my O my O +C++ B-Language C++ O +class O class O +and O and O +have O have O +a O a O +question O question O +regarding O regarding O +one O one O +of O of O +the O the O +ASCII O ASCII O +comparisons O comparisons O +I O I O +'m O 'm O +doing O doing O +. O . O + +Here O Here O +'s O 's O +the O the O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_816 I-Code_Block Q_816 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +is O is O +being O being O +done O done O +here O here O +( O ( O +with O with O +the O the O +two O two O +if O if O +statements O statements O +) O ) O +is O is O +checking O checking O +whether O whether O +a O a O +new O new O +sentence B-Variable_Name sentence O +has O has O +begun O begun O +in O in O +the O the O +text O text O +that O that O +is O is O +to O to O +be O be O +analyzed O analyzed O +and O and O +dealt O dealt O +with O with O +later O later O +. O . O + +The O The O +conditionals O conditionals O +work O work O +but O but O +only O only O +because O because O +we O we O +discovered O discovered O +that O that O +we O we O +have O have O +to O to O +check O check O +for O for O +that O that O +-1 B-Value -1 O +as O as O +well O well O +. O . O + +Any O Any O +ideas O ideas O +what O what O +that O that O +represents O represents O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9517451 O 9517451 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9517451/ O https://stackoverflow.com/questions/9517451/ O + + +As O As O +an O an O +ASCII O ASCII O +character B-Data_Type character O +-1 B-Value -1 O +does O does O +n't O n't O +represent O represent O +anything O anything O +( O ( O +which O which O +is O is O +to O to O +say O say O +-1 B-Value -1 O +is O is O +not O not O +a O a O +valid O valid O +ASCII O ASCII O +value O value O +) O ) O +. O . O + +As O As O +the O the O +return O return O +value O value O +from O from O +get() B-Library_Function get() O +it O it O +means O means O +that O that O +the O the O +read O read O +operation O operation O +failed O failed O +- O - O +most O most O +likely O likely O +due O due O +to O to O +the O the O +end O end O +of O of O +file O file O +being O being O +reached O reached O +. O . O + +Note O Note O +that O that O +the O the O +eof() B-Library_Function eof() O +function O function O +does O does O +n't O n't O +return O return O +true B-Value true O +if O if O +the O the O +next O next O +call O call O +to O to O +get B-Library_Function get O +will O will O +fail O fail O +because O because O +of O of O +the O the O +end O end O +of O of O +file O file O +being O being O +reached O reached O +- O - O +it O it O +returns O returns O +true B-Value true O +if O if O +the O the O +previous O previous O +call O call O +to O to O +get B-Library_Function get O +failed O failed O +because O because O +of O of O +the O the O +end O end O +of O of O +file O file O +being O being O +reached O reached O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9517451 O 9517451 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9517451/ O https://stackoverflow.com/questions/9517451/ O + + +The O The O +fact O fact O +that O that O +checking O checking O +for O for O +-1 B-Value -1 O +works O works O +is O is O +an O an O +accident O accident O +, O , O +and O and O +has O has O +nothing O nothing O +to O to O +do O do O +with O with O +ASCII O ASCII O +values O values O +( O ( O +which O which O +only O only O +use O use O +0 B-Value 0 B-Code_Block +to O to O +127 B-Value 127 B-Code_Block +) O ) O +. O . O + +Your O Your O +code O code O +will O will O +fail O fail O +if O if O +either O either O +plain O plain O +char B-Data_Type char O +is O is O +unsigned B-Data_Type unsigned O +( O ( O +compile O compile O +with O with O +/J B-Value /J B-Code_Block +with O with O +VC++ B-Application VC++ O +, O , O +I O I O +think O think O +) O ) O +, O , O +or O or O +EOF B-Value EOF B-Code_Block +is O is O +n't O n't O +-1 B-Value -1 O +( O ( O +rare O rare O +, O , O +but O but O +all O all O +that O that O +'s O 's O +guaranteed O guaranteed O +is O is O +that O that O +it O it O +is O is O +negative O negative O +) O ) O +. O . O + +You O You O +'re O 're O +code O code O +will O will O +also O also O +fail O fail O +if O if O +the O the O +input O input O +happens O happens O +to O to O +be O be O +Latin-1 B-Value Latin-1 O +, O , O +and O and O +it O it O +contains O contains O +a O a O +' B-Value ' B-Code_Block +ÿ I-Value ÿ I-Code_Block +' B-Value ' B-Code_Block +. O . O + +The O The O +basic O basic O +problem O problem O +in O in O +your O your O +code O code O +is O is O +that O that O +you O you O +'re O 're O +not O not O +checking O checking O +for O for O +end O end O +of O of O +file O file O +correctly O correctly O +. O . O + +Putting O Putting O +the O the O +test O test O +at O at O +the O the O +top O top O +of O of O +the O the O +loop O loop O +does O does O +n't O n't O +work O work O +; O ; O +you O you O +need O need O +to O to O +test O test O +for O for O +failure O failure O +( O ( O +not O not O +eof()) B-Library_Function eof()) B-Code_Block +after O after O +input O input O +, O , O +before O before O +using O using O +the O the O +value O value O +read O read O +. O . O + +There O There O +are O are O +several O several O +ways O ways O +of O of O +doing O doing O +this O this O +; O ; O +in O in O +your O your O +case O case O +, O , O +the O the O +simplest O simplest O +is O is O +probably O probably O +to O to O +use O use O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1193 I-Code_Block A_1193 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Alternatively O Alternatively O +, O , O +you O you O +can O can O +make O make O +ch B-Variable_Name ch B-Code_Block +an O an O +int B-Data_Type int B-Code_Block +, O , O +and O and O +do O do O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1194 I-Code_Block A_1194 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +has O has O +the O the O +advantage O advantage O +that O that O +the O the O +following O following O +call O call O +to O to O +tolower B-Library_Function tolower B-Code_Block +is O is O +no O no O +longer O longer O +undefined O undefined O +behavior O behavior O +( O ( O +tolower B-Library_Function tolower B-Code_Block +takes O takes O +an O an O +int B-Data_Type int O +, O , O +which O which O +must O must O +be O be O +in O in O +the O the O +range O range O +0 B-Code_Block 0 B-Code_Block +... I-Code_Block ... I-Code_Block +UCHAR_MAX I-Code_Block UCHAR_MAX I-Code_Block +or I-Code_Block or I-Code_Block +EOF B-Value EOF I-Code_Block +— I-Value — I-Code_Block +if I-Value if I-Code_Block +plain O plain O +char B-Data_Type char B-Code_Block +is I-Data_Type is I-Code_Block +signed O signed O +, O , O +you O you O +are O are O +n't O n't O +guaranteeing O guaranteeing O +this O this O +) O ) O +. O . O + +On O On O +the O the O +other O other O +hand O hand O +, O , O +it O it O +does O does O +n't O n't O +allow O allow O +chaining O chaining O +, O , O +i.e O i.e O +. O . O +you O you O +ca O ca O +n't O n't O +write O write O +the O the O +equivalent O equivalent O +of O of O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1195 I-Code_Block A_1195 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +( O ( O +which O which O +could O could O +be O be O +useful O useful O +in O in O +some O some O +cases O cases O +) O ) O +. O . O + +FWIW O FWIW O +: O : O +the O the O +technique O technique O +you O you O +'re O 're O +using O using O +is O is O +something O something O +called O called O +a O a O +sliding O sliding O +window O window O +into O into O +a O a O +stream O stream O +, O , O +and O and O +it O it O +'s O 's O +worth O worth O +pushing O pushing O +it O it O +off O off O +into O into O +a O a O +separate O separate O +class O class O +to O to O +handle O handle O +the O the O +logic O logic O +of O of O +keeping O keeping O +the O the O +window O window O +filled O filled O +and O and O +up O up O +to O to O +date O date O +. O . O + +Alternatively O Alternatively O +, O , O +a O a O +simple O simple O +state O state O +machine O machine O +could O could O +be O be O +used O used O +for O for O +your O your O +problem O problem O +. O . O + +And O And O +I O I O +'d O 'd O +definitely O definitely O +avoid O avoid O +using O using O +magic O magic O +constants O constants O +: O : O +if O if O +you O you O +want O want O +to O to O +check O check O +for O for O +a O a O +carriage O carriage O +return O return O +, O , O +compare O compare O +with O with O +' B-Value ' B-Code_Block +\r I-Value \r I-Code_Block +' B-Value ' B-Code_Block +. O . O + +Similarly O Similarly O +, O , O +newline O newline O +is O is O +' B-Value ' B-Code_Block +\n I-Value \n I-Code_Block +' B-Value ' B-Code_Block +, O , O +and O and O +in O in O +the O the O +outer O outer O +if B-Code_Block if B-Code_Block +, O , O +it O it O +looks O looks O +like O like O +you O you O +want O want O +to O to O +check O check O +for O for O +whitespace O whitespace O +( O ( O +isspace B-Code_Block isspace B-Code_Block +( I-Code_Block ( I-Code_Block +static_cast B-Code_Block static_cast B-Code_Block + I-Code_Block char> I-Code_Block +( I-Code_Block ( I-Code_Block +sentenceCheck.second I-Code_Block sentenceCheck.second I-Code_Block +) I-Code_Block ) I-Code_Block +) B-Code_Block ) B-Code_Block +) O ) O +, O , O +rather O rather O +than O than O +comparing O comparing O +for O for O +the O the O +values O values O +. O . O + +I O I O +might O might O +also O also O +add O add O +that O that O +your O your O +code O code O +fails O fails O +to O to O +correctly O correctly O +handle O handle O +sentences O sentences O +that O that O +end O end O +with O with O +a O a O +quote O quote O +, O , O +like O like O +This B-Value This B-Code_Block +is I-Value is I-Code_Block +the I-Value the I-Code_Block +" I-Value " I-Code_Block +text I-Value text I-Code_Block +in I-Value in I-Code_Block +your I-Value your I-Code_Block +input I-Value input I-Code_Block +. I-Value . I-Code_Block +" I-Value " I-Code_Block +; O ; O +it O it O +also O also O +fails O fails O +for O for O +abbreviations O abbreviations O +like O like O +Mr B-Value Mr B-Code_Block +. I-Value . I-Code_Block +Jones I-Value Jones I-Code_Block +is I-Value is I-Code_Block +here. I-Value here. I-Code_Block +. O . O + +But O But O +those O those O +problems O problems O +may O may O +be O be O +beyond O beyond O +the O the O +scope O scope O +of O of O +your O your O +assignment O assignment O +. O . O + +( O ( O +The O The O +abbreviations O abbreviations O +one O one O +is O is O +probably O probably O +not O not O +fully O fully O +solvable O solvable O +: O : O +sometimes O sometimes O +" B-Value " B-Code_Block +etc I-Value etc I-Code_Block +. I-Value . I-Code_Block +" I-Value " I-Code_Block +is O is O +the O the O +end O end O +of O of O +a O a O +sentence O sentence O +, O , O +and O and O +sometimes O sometimes O +it O it O +'s O 's O +not O not O +. O . O +) O ) O + +Question_ID O Question_ID O +: O : O +11295113 O 11295113 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/11295113/ O https://stackoverflow.com/questions/11295113/ O + + +In O In O +the O the O +Oracle B-Language Oracle O +PL/SQL I-Language PL/SQL O +, O , O +how O how O +to O to O +debug O debug O +a O a O +complex O complex O +stored O stored O +proc O proc O +? O ? O + +for O for O +example O example O +, O , O +the O the O +codes O codes O +below O below O +, O , O +it O it O +is O is O +using O using O +loop O loop O ++ O + O +correlated O correlated O +subquery O subquery O +. O . O + +how O how O +to O to O +fully O fully O +understand O understand O +it O it O +? O ? O + +I O I O +have O have O +learned O learned O +that O that O +the O the O +best O best O +way O way O +to O to O +debug O debug O +is O is O +divide-and-conquer B-Algorithm divide-and-conquer O +, O , O +then O then O +how O how O +to O to O +cut O cut O +this O this O +coding O coding O +into O into O +small O small O +pieces O pieces O +? O ? O + +Thanks O Thanks O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1044 I-Code_Block Q_1044 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +11295113 O 11295113 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/11295113/ O https://stackoverflow.com/questions/11295113/ O + + +Try O Try O +commenting O commenting O +out O out O +part O part O +of O of O +the O the O +code O code O +, O , O +then O then O +store O store O +the O the O +so-far O so-far O +result O result O +in O in O +a O a O +variable O variable O +. O . O + +Then O Then O +you O you O +can O can O +just O just O +select O select O +it O it O +like O like O +: O : O +SELECT B-Code_Block SELECT B-Code_Block +@varname I-Code_Block @varname I-Code_Block +At O At O +least O least O +that O that O +'s O 's O +how O how O +MYSQL B-Application MYSQL O +5.x B-Version 5.x O +handles O handles O +it O it O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +11295113 O 11295113 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/11295113/ O https://stackoverflow.com/questions/11295113/ O + + +You O You O +do O do O +n't O n't O +say O say O +what O what O +tools O tools O +you O you O +'re O 're O +using O using O +, O , O +but O but O +if O if O +you O you O +get O get O +Oracle B-Application Oracle O +SQL I-Application SQL O +Developer I-Application Developer O +, O , O +it O it O +includes O includes O +a O a O +debugger B-Application debugger O +that O that O +allows O allows O +you O you O +to O to O +step O step O +through O through O +the O the O +code O code O +line O line O +by O by O +line O line O +, O , O +set O set O +breakpoints O breakpoints O +, O , O +and O and O +so O so O +forth O forth O +- O - O +all O all O +the O the O +typical O typical O +features O features O +of O of O +a O a O +debugging O debugging O +GUI O GUI O +. O . O + +And O And O +, O , O +it O it O +'s O 's O +free O free O +. O . O + +Get O Get O +it O it O +here O here O +. O . O + +Question_ID O Question_ID O +: O : O +26344533 O 26344533 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26344533/ O https://stackoverflow.com/questions/26344533/ O + + +I O I O +do O do O +n't O n't O +know O know O +how O how O +, O , O +but O but O +after O after O +moving O moving O +two O two O +of O of O +my O my O +UIViews B-Library_Class UIViews O +, O , O +they O they O +are O are O +moving O moving O +back O back O +to O to O +their O their O +starting O starting O +x/y B-Variable_Name x/y O +position O position O +every O every O +so O so O +often O often O +. O . O + +I O I O +'ve O 've O +checked O checked O +the O the O +code O code O +and O and O +I O I O +'m O 'm O +not O not O +moving O moving O +them O them O +back O back O +to O to O +their O their O +starting O starting O +positions O positions O +directly O directly O +, O , O +but O but O +they O they O +are O are O +going O going O +back O back O +there O there O +somehow O somehow O +. O . O + +What O What O +technique O technique O +would O would O +you O you O +suggest O suggest O +to O to O +find O find O +which O which O +bit O bit O +of O of O +code O code O +is O is O +moving O moving O +them O them O +? O ? O + +( O ( O +I O I O +am O am O +' O ' O +hiding O hiding O +' O ' O +them O them O +at O at O +one O one O +point O point O +( O ( O +alpha B-Code_Block alpha O += I-Code_Block = O +0.5 I-Code_Block 0.5 O +, O , O +userInteractionEnabled B-Code_Block userInteractionEnabled O += I-Code_Block = O +NO I-Code_Block NO O +) O ) O +and O and O +then O then O +re-showing O re-showing O +them O them O +. O . O + +That O That O +could O could O +n't O n't O +be O be O +it O it O +could O could O +it O it O +? O ? O +) O ) O + +Question_ID O Question_ID O +: O : O +9039159 O 9039159 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9039159/ O https://stackoverflow.com/questions/9039159/ O + + +I O I O +wrote O wrote O +a O a O +simple O simple O +EventMachine B-Library EventMachine O +server B-Application server O +like O like O +this O this O +one O one O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_762 I-Code_Block Q_762 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +, O , O +I O I O +would O would O +like O like O +to O to O +trigger O trigger O +it O it O +from O from O +another O another O +file O file O +in O in O +another O another O +directory O directory O +. O . O + +If O If O +EventMachine B-Library EventMachine O +would O would O +be O be O +a O a O +simple O simple O +Ruby B-Language Ruby O +class O class O +I O I O +would O would O +add O add O +a O a O +run B-Function_Name run B-Code_Block +( O ( O +or O or O +something O something O +) O ) O +class O class O +method O method O +and O and O +do O do O +something O something O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_763 I-Code_Block Q_763 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Any O Any O +idea O idea O +how O how O +to O to O +do O do O +this O this O +? O ? O + +Thanks O Thanks O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9039159 O 9039159 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9039159/ O https://stackoverflow.com/questions/9039159/ O + + +You O You O +already O already O +had O had O +the O the O +solution O solution O +: O : O + +my_app.rb B-File_Name my_app.rb O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1132 I-Code_Block A_1132 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +run.rb B-File_Name run.rb O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1133 I-Code_Block A_1133 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +28325393 O 28325393 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28325393/ O https://stackoverflow.com/questions/28325393/ O + + +I O I O +'m O 'm O +using O using O +the O the O +Java B-Language Java O +client O client O +with O with O +RabbitMQ B-Application RabbitMQ O +. O . O + +I O I O +'ve O 've O +seen O seen O +references O references O +to O to O +finding O finding O +queue B-Data_Structure queue O +size O size O +with O with O +a O a O +Spring B-Application Spring O +plugin O plugin O +, O , O +but O but O +I O I O +'m O 'm O +not O not O +using O using O +Spring B-Application Spring O +. O . O + +Is O Is O +there O there O +a O a O +non-Spring B-Application non-Spring O +way O way O +to O to O +get O get O +the O the O +size O size O +of O of O +a O a O +queue B-Data_Structure queue O +given O given O +its O its O +name O name O +? O ? O + +Right O Right O +now O now O +I O I O +'m O 'm O +just O just O +exec'ing O exec'ing O +shell B-Application shell O +commands O commands O +' O ' O +rabbitmqctl B-Code_Block rabbitmqctl O +list_queues I-Code_Block list_queues O +' O ' O +and O and O +parsing O parsing O +the O the O +results--not O results--not O +great O great O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +28325393 O 28325393 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28325393/ O https://stackoverflow.com/questions/28325393/ O + + +you O you O +can O can O +enable O enable O +the O the O +http B-Application http O +management I-Application management O +plugin O plugin O +, O , O + +rabbitmq-plugins B-Code_Block rabbitmq-plugins B-Code_Block +enable I-Code_Block enable I-Code_Block +rabbitmq_management I-Code_Block rabbitmq_management I-Code_Block + +then O then O +use O use O +the O the O +http B-Library http O +API I-Library API O +. O . O + +If O If O +you O you O +execute O execute O +an O an O +http O http O +call O call O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3935 I-Code_Block A_3935 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +you O you O +have O have O +all O all O +information O information O +about O about O +the O the O +queue B-Data_Structure queue O +, O , O +the O the O +output O output O +is O is O +a O a O +json B-File_Type json O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3936 I-Code_Block A_3936 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID B-Library_Class Question_ID O +: O : O +7388008 O 7388008 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7388008/ O https://stackoverflow.com/questions/7388008/ O + + +What O What O +I O I O +want O want O +to O to O +do O do O +is O is O +to O to O +write O write O +a O a O +piece O piece O +of O of O +code O code O +( O ( O +part O part O +of O of O +bigger O bigger O +web-application O web-application O +deployed O deployed O +on O on O +glassfish B-Application glassfish O +) O ) O +that O that O +connects O connects O +to O to O +other O other O +system O system O +via O via O +webservice O webservice O +. O . O + +However O However O +I O I O +'m O 'm O +writing O writing O +client O client O +only O only O +, O , O +so O so O +I O I O +assume O assume O +that O that O +I O I O +cannot O cannot O +change O change O +WSDL B-Language WSDL O +or O or O +modify O modify O +anything O anything O +on O on O +server B-Application server O +side O side O +( O ( O +including O including O +auth O auth O +, O , O +that O that O +is O is O +probably O probably O +a O a O +problem O problem O +here O here O +) O ) O +. O . O + +I O I O +'m O 'm O +new O new O +to O to O +webservices O webservices O +, O , O +so O so O +pretty O pretty O +please O please O +- O - O +write O write O +your O your O +answers O answers O +as O as O +simple O simple O +as O as O +they O they O +can O can O +be O be O +. O . O + +I O I O +was O was O +able O able O +to O to O +generate O generate O +classes O classes O +from O from O +WSDL B-Language WSDL O +, O , O +write O write O +simple O simple O +command O command O +line O line O +application O application O +that O that O +connects O connects O +to O to O +webservice O webservice O +, O , O +adds O adds O +security O security O +header O header O +( O ( O +add O add O +plaintext O plaintext O +username/password O username/password O +, O , O +more O more O +below O below O +) O ) O +, O , O +calls O calls O +some O some O +method O method O +and O and O +prints O prints O +result O result O +. O . O + +Everything O Everything O +works O works O +OK O OK O +on O on O +command B-Application command O +line I-Application line O +, O , O +but O but O +if O if O +I O I O +'ll O 'll O +attach O attach O +this O this O +code O code O +to O to O +' O ' O +bigger O bigger O +webapp O webapp O +' O ' O +( O ( O +deploy O deploy O +on O on O +glassfish B-Application glassfish O +) O ) O +I O I O +'m O 'm O +getting O getting O +the O the O +following O following O +error O error O +: O : O + +SP0105 B-Error_Name SP0105 O +: O : O +Either O Either O +SymmetricBinding/AsymmetricBinding/TransportBinding O SymmetricBinding/AsymmetricBinding/TransportBinding O +assertion O assertion O +must O must O +be O be O +present O present O +in O in O +the O the O +wsdl B-Language wsdl O +. O . O + +I O I O +'m O 'm O +not O not O +getting O getting O +it O it O +from O from O +there O there O +- O - O +if O if O +it O it O +works O works O +from O from O +command B-Application command O +line I-Application line O +( O ( O +outside O outside O +of O of O +glassfish B-Application glassfish O +) O ) O +, O , O +why O why O +does O does O +it O it O +need O need O +something O something O +more O more O +while O while O +deployed O deployed O +on O on O +glassfish B-Application glassfish O +? O ? O + +I O I O +was O was O +using O using O +hints O hints O +from O from O +this O this O +page O page O +: O : O + +http://www.javadb.com/using-a-message-handler-to-alter-the-soap-header-in-a-web-service-client O http://www.javadb.com/using-a-message-handler-to-alter-the-soap-header-in-a-web-service-client O + +To O To O +give O give O +more O more O +info O info O +on O on O +this O this O +, O , O +some O some O +pieces O pieces O +of O of O +code O code O +: O : O + +Code O Code O +fragment O fragment O +for O for O +resolving O resolving O +endpoint O endpoint O +and O and O +calling O calling O +service O service O +( O ( O +in O in O +file O file O +EndpointResolver.java B-File_Name EndpointResolver.java O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_577 I-Code_Block Q_577 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +HeaderHandlerResolver B-Class_Name HeaderHandlerResolver O +( O ( O +implementing O implementing O +javax.xml.ws.handler.HandlerResolver B-Library_Class javax.xml.ws.handler.HandlerResolver O +) O ) O +most O most O +important O important O +methid O methid O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_578 I-Code_Block Q_578 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +HeaderHandler B-Class_Name HeaderHandler O +handle O handle O +method O method O +( O ( O +auth B-Library_Variable auth O +is O is O +here O here O +:) O :) O +) O ) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_579 I-Code_Block Q_579 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Thank O Thank O +you O you O +very O very O +much O much O +for O for O +any O any O +help O help O +with O with O +this O this O +. O . O + +edit O edit O +: O : O + +Below O Below O +is O is O +' O ' O +policy O policy O +' O ' O +part O part O +from O from O +wsdl B-File_Type wsdl O +file O file O +( O ( O +as O as O +stated O stated O +before O before O +, O , O +I O I O +cannot O cannot O +change O change O +that O that O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_580 I-Code_Block Q_580 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7388008 O 7388008 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7388008/ O https://stackoverflow.com/questions/7388008/ O + + +I O I O +'ll O 'll O +answer O answer O +to O to O +my O my O +own O own O +question O question O +: O : O + +There O There O +were O were O +two O two O +things O things O +required O required O +to O to O +fix O fix O +problem O problem O +above O above O +. O . O + +First O First O +thing O thing O +that O that O +was O was O +required O required O +was O was O +to O to O +update O update O +metro B-Library metro O +library O library O +on O on O +glassfish B-Application glassfish O +( O ( O +I O I O +'ve O 've O +updated O updated O +it O it O +to O to O +version O version O +2.1.1 B-Version 2.1.1 O +, O , O +so O so O +updated O updated O +libraries O libraries O +lib/webservices B-File_Name lib/webservices O +-rt.jar I-File_Name -rt.jar O +, O , O +lib/webservices B-File_Name lib/webservices O +-tools.jar I-File_Name -tools.jar O +, O , O +lib/endorsed/webservices B-File_Name lib/endorsed/webservices O +-api.jar I-File_Name -api.jar O +) O ) O +. O . O + +That O That O +solved O solved O +SP0105 B-Error_Name SP0105 O +error O error O +, O , O +but O but O +generated O generated O +new O new O +one O one O +( O ( O +ClassCastException B-Error_Name ClassCastException O +somewhere O somewhere O +at O at O +headers O headers O +) O ) O +. O . O + +To O To O +fix O fix O +the O the O +second O second O +one O one O +, O , O +I O I O +'ve O 've O +deleted O deleted O +HeaderHandler/HeaderHandlerResolver B-Class_Name HeaderHandler/HeaderHandlerResolver O +classes O classes O +and O and O +instead O instead O +of O of O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_857 I-Code_Block A_857 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +called O called O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_858 I-Code_Block A_858 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +17124296 O 17124296 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17124296/ O https://stackoverflow.com/questions/17124296/ O + + +Here O Here O +i O i O +have O have O +a O a O +problem O problem O +with O with O +redirecting O redirecting O +the O the O +URL O URL O +with O with O +JSP B-Application JSP O +Form O Form O +submit O submit O +the O the O +page O page O +( O ( O +use O use O +post B-Library_Function post O +method O method O +) O ) O +is O is O +Changing O Changing O +But O But O +the O the O +URL O URL O +is O is O +not O not O +Changing O Changing O +... O ... O +. O . O + +the O the O +page O page O +sequence O sequence O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1736 I-Code_Block Q_1736 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +index.jsp B-File_Name index.jsp B-Code_Block +file O file O +have O have O +include O include O +jqm B-Library jqm B-Code_Block +js B-Language js I-Code_Block +and O and O +css B-Language css B-Code_Block + +here O here O +is O is O +my O my O +mobileinit B-Library_Function mobileinit O +settings O settings O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1737 I-Code_Block Q_1737 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +redirect.jsp B-File_Name redirect.jsp O +file O file O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1738 I-Code_Block Q_1738 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +'s O 's O +strange O strange O +that O that O +is O is O +work O work O +when O when O +index.jsp B-File_Name index.jsp B-Code_Block +without O without O +include O include O +jqm B-Library jqm B-Code_Block +js B-Language js I-Code_Block +and O and I-Code_Block +css B-Language css I-Code_Block +. O . I-Code_Block + +Question_ID O Question_ID O +: O : O +11829225 O 11829225 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/11829225/ O https://stackoverflow.com/questions/11829225/ O + + +I O I O +have O have O +a O a O +ReorderList B-Library_Class ReorderList O +inside O inside O +a O a O +vertically O vertically O +" O " O +scrollable O scrollable O +" O " O +DIV B-HTML_XML_Tag DIV O +tag O tag O +which O which O +does O does O +not O not O +work O work O +when O when O +the O the O +scrollbar B-User_Interface_Element scrollbar O +for O for O +DIV B-HTML_XML_Tag DIV O +tag O tag O +is O is O +already O already O +scrolled O scrolled O +and O and O +we O we O +try O try O +to O to O +re-order O re-order O +visible O visible O +items O items O +. O . O + +For O For O +details O details O +, O , O +please O please O +refer O refer O +http://forums.asp.net/p/1068063/1550532.aspx O http://forums.asp.net/p/1068063/1550532.aspx O +. O . O + +I O I O +changed O changed O +the O the O +script O script O +and O and O +now O now O +want O want O +to O to O +build O build O +framework O framework O +3.5 B-Version 3.5 O +assembly B-Language assembly O +. O . O + +I O I O +was O was O +able O able O +to O to O +download O download O +AjaxControlToolkit B-Application AjaxControlToolkit O +source O source O +code O code O +from O from O +codeplex B-Website codeplex O +and O and O +re-build O re-build O +the O the O +toolkit O toolkit O +, O , O +under O under O +framework O framework O +4.0 B-Version 4.0 O + +How O How O +should O should O +I O I O +proceed O proceed O +to O to O +build O build O +it O it O +so O so O +that O that O +it O it O +is O is O +compatible O compatible O +with O with O +3.5 B-Version 3.5 O +web O web O +site O site O +project O project O +. O . O + +Please O Please O +note O note O +that O that O +this O this O +all O all O +should O should O +be O be O +possible O possible O +from O from O +Visual B-Application Visual O +Studio I-Application Studio O +2010 B-Version 2010 O +and O and O +NOT O NOT O +2008 B-Version 2008 O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +11829225 O 11829225 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/11829225/ O https://stackoverflow.com/questions/11829225/ O + + +No O No O +responses O responses O +? O ? O + +I O I O +had O had O +to O to O +open O open O +ajax B-Application ajax O +control I-Application control O +toolkit I-Application toolkit O +2008 B-Version 2008 O +solution O solution O +and O and O +create O create O +a O a O +new O new O +assembly B-Language assembly O +from O from O +there O there O +. O . O + +But O But O +there O there O +should O should O +be O be O +some O some O +way O way O +? O ? O + +Question_ID O Question_ID O +: O : O +48190276 O 48190276 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48190276/ O https://stackoverflow.com/questions/48190276/ O + + +I O I O +would O would O +like O like O +to O to O +trigger O trigger O +schedulenotification B-Library_Class schedulenotification O +when O when O +app O app O +is O is O +closed O closed O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6408 I-Code_Block Q_6408 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +is O is O +working O working O +very O very O +well O well O +foreground B-User_Interface_Element foreground O +and O and O +background B-User_Interface_Element background O +. O . O + +But O But O +i O i O +want O want O +to O to O +show O show O +when O when O +app O app O +is O is O +killed O killed O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6409 I-Code_Block Q_6409 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +18084963 O 18084963 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18084963/ O https://stackoverflow.com/questions/18084963/ O + + +Im O Im O +writing O writing O +a O a O +program O program O +in O in O +java B-Language java O +that O that O +takes O takes O +an O an O +excel B-Application excel O +sheet O sheet O +from O from O +a O a O +local O local O +file O file O +and O and O +uploads O uploads O +the O the O +values O values O +given O given O +into O into O +the O the O +program O program O +for O for O +some O some O +calculations O calculations O +. O . O + +When O When O +I O I O +compile O compile O +inside O inside O +eclipse B-Application eclipse O +everything O everything O +works O works O +exactly O exactly O +as O as O +it O it O +is O is O +supposed O supposed O +to O to O +, O , O +but O but O +when O when O +I O I O +create O create O +a O a O +runnable O runnable O +jar B-File_Type jar O +file O file O +, O , O +I O I O +get O get O +a O a O +popup O popup O +error O error O +" O " O +A O A O +Java B-Error_Name Java O +Exception I-Error_Name Exception O +has O has O +Occurred O Occurred O +" O " O +. O . O + +I O I O +went O went O +through O through O +the O the O +code O code O +, O , O +and O and O +if O if O +i O i O +remove O remove O +the O the O +method O method O +to O to O +load O load O +the O the O +values O values O +from O from O +the O the O +spreadsheet O spreadsheet O +the O the O +runnable O runnable O +jar B-File_Type jar O +works O works O +just O just O +fine O fine O +. O . O + +But O But O +if O if O +i O i O +put O put O +the O the O +code O code O +back O back O +in O in O +to O to O +load O load O +the O the O +values O values O +, O , O +it O it O +breaks O breaks O +. O . O + +What O What O +is O is O +happening O happening O +in O in O +this O this O +block O block O +of O of O +code O code O +that O that O +causes O causes O +the O the O +whole O whole O +program O program O +to O to O +break O break O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1863 I-Code_Block Q_1863 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +the O the O +main O main O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1864 I-Code_Block Q_1864 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +EDIT O EDIT O +: O : O + +Here O Here O +is O is O +the O the O +error O error O +when O when O +I O I O +run O run O +it O it O +through O through O +command B-Application command O +line I-Application line O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1865 I-Code_Block Q_1865 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +18084963 O 18084963 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18084963/ O https://stackoverflow.com/questions/18084963/ O + + +To O To O +figure O figure O +out O out O +what O what O +'s O 's O +wrong O wrong O +, O , O +you O you O +need O need O +to O to O +actually O actually O +see O see O +the O the O +exception B-Library_Class exception O +. O . O + +Just O Just O +double-clicking O double-clicking O +the O the O +jar B-File_Type jar O +file O file O +will O will O +launch O launch O +it O it O +using O using O +" O " O +javaw.exe B-File_Name javaw.exe O +" O " O +, O , O +which O which O +has O has O +no O no O +console B-Application console O +and O and O +therefore O therefore O +only O only O +reports O reports O +that O that O +there O there O +was O was O +an O an O +exception B-Library_Class exception O +- O - O +- O - O +without O without O +the O the O +stack O stack O +trace O trace O +. O . O + +Instead O Instead O +, O , O +start O start O +a O a O +command B-Application command O +prompt I-Application prompt O +and O and O +" O " O +cd B-Code_Block cd O +" O " O +to O to O +where O where O +your O your O +jar B-File_Type jar O +file O file O +is O is O +. O . O + +Then O Then O +, O , O +supposing O supposing O +that O that O +the O the O +jar B-File_Type jar O +name O name O +is O is O +" O " O +MyJarFile.jar B-File_Name MyJarFile.jar O +" O " O +, O , O +run O run O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2381 I-Code_Block A_2381 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +When O When O +run O run O +with O with O +" O " O +java.exe B-File_Name java.exe O +" O " O +, O , O +your O your O +printStackTrace() B-Library_Function printStackTrace() O +will O will O +actually O actually O +have O have O +a O a O +console B-Application console O +in O in O +which O which O +to O to O +print O print O +the O the O +stack O stack O +trace O trace O +, O , O +which O which O +will O will O +point O point O +you O you O +to O to O +the O the O +offending O offending O +line O line O +of O of O +code O code O +and O and O +state O state O +the O the O +type O type O +of O of O +problem O problem O +. O . O + +UPDATE O UPDATE O +( O ( O +following O following O +the O the O +posted O posted O +exception O exception O +) O ) O +: O : O + +Ah O Ah O +, O , O +since O since O +you O you O +require O require O +a O a O +third O third O +party O party O +dependency O dependency O +, O , O +you O you O +need O need O +to O to O +switch O switch O +to O to O +something O something O +like O like O +this O this O +, O , O +running O running O +your O your O +main O main O +class O class O +explicitly O explicitly O +and O and O +specifying O specifying O +a O a O +classpath O classpath O +containing O containing O +all O all O +required O required O +classes O classes O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2382 I-Code_Block A_2382 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +with O with O +... O ... O +" O " O +path B-Code_Block path O +\to I-Code_Block \to O +" O " O +, O , O +" O " O +ApachePoiJarName B-Code_Block ApachePoiJarName O +" O " O +, O , O +" O " O +MyAppJarFile B-Code_Block MyAppJarFile O +" O " O +, O , O +" O " O +my.main.class.package B-Code_Block my.main.class.package O +" O " O +and O and O +" O " O +MyMainClass B-Code_Block MyMainClass O +" O " O +replaced O replaced O +with O with O +the O the O +appropriate O appropriate O +name O name O +. O . O + +If O If O +the O the O +POI B-Library POI O +jar B-File_Type jar O +requires O requires O +in O in O +turn O turn O +its O its O +own O own O +dependencies O dependencies O +, O , O +add O add O +the O the O +paths O paths O +to O to O +those O those O +files O files O +to O to O +the O the O +class O class O +path O path O +as O as O +well O well O +( O ( O +a O a O +list O list O +of O of O +jar B-File_Type jar O +paths O paths O +separated O separated O +by O by O +semicolons O semicolons O +, O , O +no O no O +spaces O spaces O +between O between O +them O them O +) O ) O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +18084963 O 18084963 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18084963/ O https://stackoverflow.com/questions/18084963/ O + + +In O In O +reply O reply O +to O to O +" O " O +Now O Now O +what O what O +do O do O +I O I O +need O need O +to O to O +do O do O +to O to O +make O make O +it O it O +runnable O runnable O +by O by O +double O double O +clicking O clicking O +the O the O +jar B-File_Type jar O +file O file O +, O , O +instead O instead O +of O of O +running O running O +it O it O +from O from O +command B-Application command O +line I-Application line O +? O ? O +" O " O + +( O ( O +Tried O Tried O +to O to O +reply O reply O +in O in O +a O a O +comment O comment O +but O but O +the O the O +size O size O +limit O limit O +was O was O +too O too O +small O small O +. O . O +) O ) O + +In O In O +Eclipse B-Application Eclipse O +, O , O +once O once O +you O you O +have O have O +a O a O +" O " O +run O run O +configuration O configuration O +" O " O +with O with O +which O which O +the O the O +project O project O +is O is O +running O running O +correctly O correctly O +: O : O + +Right O Right O +click O click O +the O the O +project O project O +-> O -> O +Export O Export O +.. O .. O +. O . O +-> O -> O +( O ( O +from O from O +Java O Java O +) O ) O +-> O -> O +Runnable O Runnable O +JAR B-File_Type JAR O +file O file O + +Next O Next O + +Select O Select O +from O from O +the O the O +drop-down B-User_Interface_Element drop-down O +list I-User_Interface_Element list O +the O the O +run O run O +configuration O configuration O +that O that O +launches O launches O +your O your O +project O project O +. O . O + +In O In O +Export O Export O +destination O destination O +, O , O +browse O browse O +to O to O +where O where O +you O you O +want O want O +the O the O +runnable O runnable O +jar B-File_Type jar O +exported O exported O +and O and O +choose O choose O +a O a O +jar B-File_Type jar O +file O file O +name O name O +. O . O + +Under O Under O +" O " O +Library O Library O +handling O handling O +" O " O +select O select O +" O " O +Package O Package O +required O required O +libraries O libraries O +into O into O +generated O generated O +JAR B-File_Type JAR O +" O " O + +Finish O Finish O + +Your O Your O +jar B-File_Type jar O +file O file O +should O should O +now O now O +run O run O +normally O normally O +. O . O + +Note O Note O +that O that O +it O it O +opens O opens O +with O with O +" O " O +javaw B-Library javaw O +" O " O +by O by O +default O default O +, O , O +which O which O +does O does O +not O not O +show O show O +a O a O +console B-Application console O +. O . O + +If O If O +you O you O +need O need O +a O a O +console B-Application console O +to O to O +see O see O +some O some O +output O output O +, O , O +or O or O +if O if O +it O it O +fails O fails O +and O and O +you O you O +want O want O +to O to O +see O see O +the O the O +exception B-Library_Class exception O +, O , O +open O open O +a O a O +console B-Application console O +where O where O +the O the O +jar B-File_Type jar O +is O is O +and O and O +run O run O +" O " O +java B-Code_Block java O +-jar I-Code_Block -jar O +MyJarName.jar I-Code_Block MyJarName.jar O +" O " O +( O ( O +no O no O +more O more O +need O need O +to O to O +specify O specify O +the O the O +main B-Class_Name main O +class O class O +and O and O +dependencies O dependencies O +) O ) O +. O . O + +Question_ID O Question_ID O +: O : O +33522476 O 33522476 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33522476/ O https://stackoverflow.com/questions/33522476/ O + + +I O I O +'m O 'm O +having O having O +trouble O trouble O +to O to O +working O working O +with O with O +a O a O +libgdx B-Library libgdx O +project O project O +on O on O +two O two O +computers B-Device computers O +. O . O + +What O What O +is O is O +the O the O +best O best O +way O way O +to O to O +backup O backup O +in O in O +one O one O +computer B-Device computer O +and O and O +then O then O +restore O restore O +on O on O +another O another O +? O ? O + +I O I O +use O use O +the O the O +google-play-services B-Library google-play-services O +and O and O +BaseGameUtils B-Library BaseGameUtils O +and O and O +have O have O +to O to O +re-importing O re-importing O +all O all O +time O time O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +33522476 O 33522476 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33522476/ O https://stackoverflow.com/questions/33522476/ O + + +For O For O +that O that O +i O i O +recommand O recommand O +to O to O +use O use O +Git B-Application Git O +, O , O +if O if O +it O it O +'s O 's O +new O new O +to O to O +you O you O +here O here O +are O are O +the O the O +main O main O +steps O steps O +to O to O +get O get O +start O start O +: O : O + +1 O 1 O +- O - O +Create O Create O +an O an O +account O account O +at O at O +Bitbucket B-Application Bitbucket O +: O : O +you O you O +can O can O +put O put O +your O your O +code O code O +in O in O +private O private O +mode O mode O +and O and O +it O it O +'s O 's O +free O free O + +2 O 2 O +- O - O +Download O Download O +and O and O +Install O Install O +TortoiseGit B-Application TortoiseGit O +tool O tool O +: O : O +it O it O +really O really O +make O make O +life O life O +easier O easier O + +3 O 3 O +- O - O +Create O Create O +your O your O +( O ( O +in O in O +Server B-Device Server O +) O ) O +repository O repository O +in O in O +bitbucket B-Application bitbucket O + +4 O 4 O +- O - O +Create O Create O +your O your O +repository O repository O +in O in O +Local B-Device Local O + +5 O 5 O +- O - O +Match O Match O +between O between O +your O your O +repositories O repositories O +using O using O +these O these O +commands O commands O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4799 I-Code_Block A_4799 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +now O now O +pull(download)/push(upload) O pull(download)/push(upload) O +your O your O +code O code O +with O with O +one O one O +click O click O +! O ! O +! O ! O + +Hope O Hope O +that O that O +was O was O +clear O clear O +and O and O +helpful O helpful O +! O ! O + +Good O Good O +luck O luck O + +Question_ID O Question_ID O +: O : O +37709575 O 37709575 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37709575/ O https://stackoverflow.com/questions/37709575/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +do O do O +it O it O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4743 I-Code_Block Q_4743 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +it O it O +'s O 's O +just O just O +printing O printing O +" B-Output_Block " O +Killed I-Output_Block Killed O +" I-Output_Block " O +and O and O +does O does O +n't O n't O +start O start O +it O it O +again O again O +. O . O + +If O If O +I O I O +do O do O +all O all O +this O this O +stuff O stuff O +separately O separately O +- O - O +it O it O +'s O 's O +working O working O +, O , O +but O but O +for O for O +all O all O +together O together O +- O - O +not O not O +.. O .. O +. O . O + +Допоможіть B-User_Name Допоможіть O +хто I-User_Name хто O +зможе I-User_Name зможе O +.. O .. O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37709575 O 37709575 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37709575/ O https://stackoverflow.com/questions/37709575/ O + + +The O The O +script O script O +from O from O +which O which O +you O you O +execute O execute O +it O it O +, O , O +does O does O +it O it O +contain O contain O +" O " O +service_name B-Code_Block service_name O +" O " O +in O in O +its O its O +name O name O +? O ? O + +Then O Then O +it O it O +obviously O obviously O +fulfills O fulfills O +the O the O +criteria O criteria O +for O for O +begin O begin O +killed O killed O +by O by O +your O your O +for B-Code_Block for O +loop O loop O +and O and O +commits O commits O +suicide O suicide O +. O . O + +If O If O +it O it O +does O does O +not O not O +, O , O +then O then O +still O still O +the O the O +grep B-Code_Block grep B-Code_Block +service_name I-Code_Block service_name I-Code_Block +remains O remains O +which O which O +fulfills O fulfills O +the O the O +kill O kill O +criteria O criteria O +( O ( O +has O has O +service_name B-Code_Block service_name O +in O in O +its O its O +cmd B-Application cmd O +line O line O +) O ) O +- O - O +for O for O +fixed O fixed O +strings B-Data_Type strings O +in O in O +grep B-Code_Block grep O +I O I O +usually O usually O +write O write O +them O them O +grep B-Code_Block grep B-Code_Block +"s[e]rvice_name" I-Code_Block "s[e]rvice_name" I-Code_Block +, O , O +other O other O +prefer O prefer O +to O to O +put O put O +another O another O +|grep B-Code_Block |grep B-Code_Block +-v I-Code_Block -v I-Code_Block +grep I-Code_Block grep I-Code_Block +into O into O +the O the O +pipe O pipe O +before O before O +the O the O +awk B-Language awk O + +Question_ID O Question_ID O +: O : O +3369241 O 3369241 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3369241/ O https://stackoverflow.com/questions/3369241/ O + + +How O How O +do O do O +I O I O +sync O sync O +all O all O +the O the O +code O code O +in O in O +the O the O +SVN B-Application SVN O +repository O repository O +( O ( O +for O for O +development O development O +purposes O purposes O +) O ) O +with O with O +the O the O +live O live O +code O code O +I O I O +have O have O +running O running O +in O in O +/home/site/public_html/ O /home/site/public_html/ O +, O , O +as O as O +in O in O +overwrite O overwrite O +whatever O whatever O +is O is O +in O in O +live O live O +with O with O +the O the O +new O new O +code O code O +from O from O +the O the O +SVN B-Application SVN O +repo O repo O +( O ( O +assume O assume O +the O the O +SVN B-Application SVN O +repo O repo O +location O location O +is O is O +in O in O +/usr/bin/svn/project B-File_Name /usr/bin/svn/project O +, O , O +just O just O +for O for O +the O the O +sake O sake O +of O of O +the O the O +argument O argument O +, O , O +even O even O +though O though O +it O it O +'s O 's O +probably O probably O +far O far O +from O from O +that O that O +) O ) O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +3369241 O 3369241 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3369241/ O https://stackoverflow.com/questions/3369241/ O + + +Just O Just O +do O do O +an O an O +svn B-Code_Block svn B-Code_Block +checkout I-Code_Block checkout I-Code_Block +or O or O +svn B-Code_Block svn B-Code_Block +export I-Code_Block export I-Code_Block +in O in O +/home/site/public_html O /home/site/public_html O +. O . O + +Personally O Personally O +I O I O +have O have O +a O a O +checked O checked O +out O out O +copy O copy O +on O on O +my O my O +web O web O +server B-Application server O +, O , O +and O and O +the O the O +repository O repository O +is O is O +on O on O +the O the O +same O same O +machine O machine O +. O . O + +I O I O +then O then O +have O have O +a O a O +hook O hook O +so O so O +that O that O +on O on O +a O a O +commit O commit O +, O , O +I O I O +perform O perform O +an O an O +svn B-Code_Block svn B-Code_Block +update I-Code_Block update I-Code_Block +in O in O +the O the O +live O live O +directory O directory O +, O , O +so O so O +that O that O +committing O committing O +to O to O +the O the O +repository O repository O +immediately O immediately O +makes O makes O +the O the O +change O change O +live O live O +. O . O + +Question_ID O Question_ID O +: O : O +1528 O 1528 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1528/ O https://stackoverflow.com/questions/1528/ O + + +I O I O +'m O 'm O +looking O looking O +for O for O +some O some O +way O way O +to O to O +effectively O effectively O +hide O hide O +inherited O inherited O +members O members O +. O . O + +I O I O +have O have O +a O a O +library O library O +of O of O +classes O classes O +which O which O +inherit O inherit O +from O from O +common O common O +base O base O +classes O classes O +. O . O + +Some O Some O +of O of O +the O the O +more O more O +recent O recent O +descendant O descendant O +classes O classes O +inherit O inherit O +dependency O dependency O +properties O properties O +which O which O +have O have O +become O become O +vestigial O vestigial O +and O and O +can O can O +be O be O +a O a O +little O little O +confusing O confusing O +when O when O +using O using O +IntelliSense B-Application IntelliSense O +or O or O +using O using O +the O the O +classes O classes O +in O in O +a O a O +visual B-Application visual O +designer I-Application designer O +. O . O + +These O These O +classes O classes O +are O are O +all O all O +controls O controls O +that O that O +are O are O +written O written O +to O to O +be O be O +compiled O compiled O +for O for O +either O either O +WPF B-Library WPF O +or O or O +Silverlight B-Library Silverlight O +2.0 B-Version 2.0 O +. O . O + +I O I O +know O know O +about O about O +ICustomTypeDescriptor B-Library_Class ICustomTypeDescriptor B-Code_Block +and O and O +ICustomPropertyProvider B-Library_Class ICustomPropertyProvider B-Code_Block +, O , O +but O but O +I O I O +'m O 'm O +pretty O pretty O +certain O certain O +those O those O +ca O ca O +n't O n't O +be O be O +used O used O +in O in O +Silverlight B-Library Silverlight O +. O . O + +It O It O +'s O 's O +not O not O +as O as O +much O much O +a O a O +functional O functional O +issue O issue O +as O as O +a O a O +usability O usability O +issue O issue O +. O . O + +What O What O +should O should O +I O I O +do O do O +? O ? O + +Update O Update O + +Some O Some O +of O of O +the O the O +properties O properties O +that O that O +I O I O +would O would O +really O really O +like O like O +to O to O +hide O hide O +come O come O +from O from O +ancestors O ancestors O +that O that O +are O are O +not O not O +my O my O +own O own O +and O and O +because O because O +of O of O +a O a O +specific O specific O +tool O tool O +I O I O +'m O 'm O +designing O designing O +for O for O +, O , O +I O I O +ca O ca O +n't O n't O +do O do O +member O member O +hiding O hiding O +with O with O +the O the O +new B-Code_Block new B-Code_Block +operator O operator O +. O . O + +( O ( O +I O I O +know O know O +, O , O +it O it O +'s O 's O +ridiculous O ridiculous O +) O ) O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1528 O 1528 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1528/ O https://stackoverflow.com/questions/1528/ O + + +I O I O +think O think O +you O you O +'re O 're O +best O best O +least O least O +hackish O hackish O +way O way O +is O is O +to O to O +consider O consider O +composition O composition O +as O as O +opposed O opposed O +to O to O +inheritance O inheritance O +. O . O + +Or O Or O +, O , O +you O you O +could O could O +create O create O +an O an O +interface O interface O +that O that O +has O has O +the O the O +members O members O +you O you O +want O want O +, O , O +have O have O +your O your O +derived O derived O +class O class O +implement O implement O +that O that O +interface O interface O +, O , O +and O and O +program O program O +against O against O +the O the O +interface O interface O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1528 O 1528 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1528/ O https://stackoverflow.com/questions/1528/ O + + +I O I O +know O know O +there O there O +'s O 's O +been O been O +several O several O +answers O answers O +to O to O +this O this O +, O , O +and O and O +it O it O +'s O 's O +quite O quite O +old O old O +now O now O +, O , O +but O but O +the O the O +simplest O simplest O +method O method O +to O to O +do O do O +this O this O +is O is O +just O just O +declare O declare O +them O them O +as O as O +new B-Code_Block new B-Code_Block +private I-Code_Block private I-Code_Block +. O . O + +Consider O Consider O +an O an O +example O example O +I O I O +am O am O +currently O currently O +working O working O +on O on O +, O , O +where O where O +I O I O +have O have O +an O an O +API B-Library API O +that O that O +makes O makes O +available O available O +every O every O +method O method O +in O in O +a O a O +3rd O 3rd O +party O party O +DLL B-File_Type DLL O +. O . O + +I O I O +have O have O +to O to O +take O take O +their O their O +methods O methods O +, O , O +but O but O +I O I O +want O want O +to O to O +use O use O +a O a O +.Net B-Library .Net O +property O property O +, O , O +instead O instead O +of O of O +a O a O +" O " O +getThisValue B-Library_Function getThisValue O +" O " O +and O and O +" O " O +setThisValue B-Library_Function setThisValue O +" O " O +method O method O +. O . O + +So O So O +, O , O +I O I O +build O build O +a O a O +second O second O +class O class O +, O , O +inherit O inherit O +the O the O +first O first O +, O , O +make O make O +a O a O +property O property O +that O that O +uses O uses O +the O the O +get B-Library_Function get O +and O and O +set B-Library_Function set O +methods O methods O +, O , O +and O and O +then O then O +override O override O +the O the O +original O original O +get B-Library_Function get O +and O and O +set B-Library_Function set O +methods O methods O +as O as O +private O private O +. O . O + +They O They O +'re O 're O +still O still O +available O available O +to O to O +anyone O anyone O +wanting O wanting O +to O to O +build O build O +something O something O +different O different O +on O on O +them O them O +, O , O +but O but O +if O if O +they O they O +just O just O +want O want O +to O to O +use O use O +the O the O +engine O engine O +I O I O +'m O 'm O +building O building O +, O , O +then O then O +they O they O +'ll O 'll O +be O be O +able O able O +to O to O +use O use O +properties O properties O +instead O instead O +of O of O +methods O methods O +. O . O + +Using O Using O +the O the O +double O double O +class O class O +method O method O +gets O gets O +rid O rid O +of O of O +any O any O +restrictions O restrictions O +on O on O +being O being O +unable O unable O +to O to O +use O use O +the O the O +new B-Code_Block new B-Code_Block +declaration O declaration O +to O to O +hide O hide O +the O the O +members O members O +. O . O + +You O You O +simply O simply O +ca O ca O +n't O n't O +use O use O +override B-Code_Block override B-Code_Block +if O if O +the O the O +members O members O +are O are O +marked O marked O +as O as O +virtual B-Code_Block virtual O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_463 I-Code_Block A_463 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +valueEnum B-Variable_Name valueEnum O +is O is O +available O available O +to O to O +both O both O +classes O classes O +, O , O +but O but O +only O only O +the O the O +property O property O +is O is O +visible O visible O +in O in O +the O the O +APIUsageClass B-Class_Name APIUsageClass O +class O class O +. O . O + +The O The O +APIClass B-Class_Name APIClass O +class O class O +is O is O +still O still O +available O available O +for O for O +people O people O +who O who O +want O want O +to O to O +extend O extend O +the O the O +original O original O +API B-Library API O +or O or O +use O use O +it O it O +in O in O +a O a O +different O different O +way O way O +, O , O +and O and O +the O the O +APIUsageClass B-Class_Name APIUsageClass O +is O is O +available O available O +for O for O +those O those O +who O who O +want O want O +something O something O +more O more O +simple O simple O +. O . O + +Ultimately O Ultimately O +, O , O +what O what O +I O I O +'ll O 'll O +be O be O +doing O doing O +is O is O +making O making O +the O the O +APIClass B-Class_Name APIClass O +internal O internal O +, O , O +and O and O +only O only O +expose O expose O +my O my O +inherited O inherited O +class O class O +. O . O + +Question_ID O Question_ID O +: O : O +172227 O 172227 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/172227/ O https://stackoverflow.com/questions/172227/ O + + +I O I O +am O am O +trying O trying O +to O to O +create O create O +a O a O +table B-Data_Structure table O +with O with O +the O the O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_12 I-Code_Block Q_12 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +fails O fails O +due O due O +to O to O +column B-Data_Structure column O +length O length O +not O not O +being O being O +large O large O +enough O enough O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +172227 O 172227 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/172227/ O https://stackoverflow.com/questions/172227/ O + + +It O It O +would O would O +help O help O +if O if O +the O the O +SQL B-Language SQL O +statement O statement O +was O was O +syntactically O syntactically O +valid O valid O +and O and O +if O if O +you O you O +provided O provided O +the O the O +exact O exact O +error O error O +message O message O +. O . O + +When O When O +reformatted O reformatted O +and O and O +syntax O syntax O +corrected O corrected O +, O , O +the O the O +statement O statement O +looks O looks O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_31 I-Code_Block A_31 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +, O , O +when O when O +that O that O +is O is O +run O run O +on O on O +a O a O +system O system O +with O with O +2KB O 2KB O +pages O pages O +, O , O +the O the O +error O error O +message O message O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_32 I-Code_Block A_32 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +standard O standard O +way O way O +of O of O +getting O getting O +a O a O +brief O brief O +explanation O explanation O +of O of O +an O an O +error O error O +message O message O +is O is O +finderr B-Code_Block finderr B-Code_Block +; O ; O +it O it O +says O says O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_33 I-Code_Block A_33 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +' O ' O +a O a O +total O total O +of O of O +120 O 120 O +bytes O bytes O +' O ' O +should O should O +be O be O +' O ' O +a O a O +total O total O +of O of O +at O at O +least O least O +120 O 120 O +bytes O bytes O +' O ' O +; O ; O +that O that O +lower-bound O lower-bound O +applies O applies O +to O to O +Informix B-Application Informix O +SE B-Version SE O +. O . O + +In O In O +IDS B-Application IDS O +( O ( O +Informix B-Application Informix O +Dynamic I-Application Dynamic O +Server I-Application Server O +) O ) O +, O , O +the O the O +lower-bound O lower-bound O +is O is O +255 O 255 O +bytes O bytes O +, O , O +but O but O +it O it O +is O is O +bigger O bigger O +in O in O +more O more O +recent O recent O +systems O systems O +, O , O +and O and O +also O also O +bigger O bigger O +when O when O +the O the O +page O page O +size O size O +is O is O +bigger O bigger O +. O . O + +You O You O +have O have O +a O a O +variety O variety O +of O of O +options O options O +. O . O + +You O You O +can O can O +consider O consider O +why O why O +your O your O +names O names O +need O need O +to O to O +be O be O +255 O 255 O +characters O characters O +each O each O +- O - O +is O is O +that O that O +sensible O sensible O +( O ( O +would O would O +, O , O +say O say O +, O , O +64 O 64 O +be O be O +sufficient O sufficient O +) O ) O +? O ? O + +If O If O +your O your O +server B-Application server O +version O version O +is O is O +recent O recent O +enough O enough O +( O ( O +10.00 B-Version 10.00 O +or O or O +later O later O +, O , O +I O I O +believe O believe O +) O ) O +, O , O +you O you O +could O could O +create O create O +the O the O +table B-Data_Structure table O +in O in O +a O a O +dbspace O dbspace O +with O with O +a O a O +larger O larger O +page O page O +size O size O +. O . O + +Since O Since O +the O the O +key O key O +is O is O +a O a O +maximum O maximum O +of O of O +3*255+(20/2+1) O 3*255+(20/2+1) O += O = O +776 O 776 O +bytes O bytes O +, O , O +and O and O +the O the O +rule O rule O +of O of O +thumb O thumb O +is O is O +you O you O +need O need O +to O to O +be O be O +able O able O +to O to O +store O store O +5 O 5 O +maximum-length O maximum-length O +key O key O +values O values O ++ O + O +ROWID/FRAGID O ROWID/FRAGID O +overhead O overhead O +( O ( O +8 O 8 O +bytes O bytes O +) O ) O +per O per O +page O page O +, O , O +you O you O +would O would O +need O need O +a O a O +4 O 4 O +KB O KB O +page O page O +size O size O +. O . O + +( O ( O +Had O Had O +you O you O +been O been O +running O running O +on O on O +AIX B-Operating_System AIX O +, O , O +you O you O +probably O probably O +would O would O +n't O n't O +have O have O +noticed O noticed O +the O the O +issue O issue O +. O . O +) O ) O + +Also O Also O +, O , O +you O you O +should O should O +not O not O +be O be O +storing O storing O +date O date O +values O values O +in O in O +VARCHAR(255) B-Data_Type VARCHAR(255) O +; O ; O +you O you O +should O should O +use O use O +DATE B-Data_Type DATE O +or O or O +perhaps O perhaps O +DATETIME B-Data_Type DATETIME O +YEAR I-Data_Type YEAR O +TO I-Data_Type TO O +DAY I-Data_Type DAY O +( O ( O +a O a O +weird O weird O +way O way O +of O of O +spelling O spelling O +DATE B-Data_Type DATE O +- O - O +though O though O +the O the O +underlying O underlying O +format O format O +is O is O +different O different O +, O , O +using O using O +5 O 5 O +bytes O bytes O +on O on O +disk B-Device disk O +instead O instead O +of O of O +4 O 4 O +for O for O +a O a O +plain O plain O +DATE B-Data_Type DATE O +) O ) O +, O , O +or O or O +perhaps O perhaps O +DATETIME B-Data_Type DATETIME O +YEAR I-Data_Type YEAR O +TO I-Data_Type TO O +SECOND I-Data_Type SECOND O +( O ( O +a O a O +funny O funny O +way O way O +of O of O +spelling O spelling O +TIMESTAMP B-Data_Type TIMESTAMP O +) O ) O +, O , O +or O or O +.. O .. O +. O . O + +The O The O +' O ' O +num0 B-Variable_Name num0 O +, O , O +num1 B-Variable_Name num1 O +, O , O +num2 B-Variable_Name num2 O +' O ' O +fields O fields O +are O are O +also O also O +dubious O dubious O +, O , O +too O too O +; O ; O +if O if O +they O they O +are O are O +meant O meant O +to O to O +store O store O +numbers O numbers O +, O , O +use O use O +NUMERIC B-Data_Type NUMERIC O +or O or O +DECIMAL B-Data_Type DECIMAL O +- O - O +- O - O +DECIMAL(20) B-Data_Type DECIMAL(20) O +in O in O +most O most O +IDS B-Application IDS O +databases O databases O +means O means O +a O a O +20-digit O 20-digit O +floating O floating O +point O point O +decimal O decimal O +number O number O +. O . O + +Edited O Edited O +to O to O +add O add O +: O : O + +And O And O +, O , O +to O to O +answer O answer O +the O the O +direct O direct O +question O question O +, O , O +VARCHAR B-Data_Type VARCHAR O +columns B-Data_Structure columns O +can O can O +only O only O +be O be O +up O up O +to O to O +255 O 255 O +bytes O bytes O +long O long O +; O ; O +LVARCHAR B-Data_Type LVARCHAR O +columns B-Data_Structure columns O +can O can O +be O be O +up O up O +to O to O +about O about O +32 O 32 O +KB O KB O +; O ; O +CHAR B-Data_Type CHAR O +columns B-Data_Structure columns O +can O can O +be O be O +up O up O +to O to O +32 O 32 O +KB O KB O +; O ; O +TEXT B-Data_Type TEXT O +columns B-Data_Structure columns O +can O can O +be O be O +up O up O +to O to O +2 O 2 O +GB O GB O +, O , O +and O and O +CLOB B-Data_Type CLOB O +columns B-Data_Structure columns O +can O can O +be O be O +even O even O +larger O larger O +. O . O + +The O The O +total O total O +length O length O +of O of O +a O a O +row B-Data_Structure row O +is O is O +limited O limited O +to O to O +about O about O +32 O 32 O +KB O KB O +( O ( O +but O but O +BYTE B-Data_Type BYTE O +, O , O +TEXT B-Data_Type TEXT O +, O , O +BLOB B-Data_Type BLOB O +and O and O +CLOB B-Data_Type CLOB O +columns B-Data_Structure columns O +count O count O +as O as O +a O a O +fixed O fixed O +size O size O +descriptor O descriptor O +towards O towards O +that O that O +32 O 32 O +KB O KB O +total O total O +- O - O +the O the O +actual O actual O +data O data O +is O is O +stored O stored O +outside O outside O +the O the O +row B-Data_Structure row O +) O ) O +. O . O + +There O There O +are O are O +some O some O +version O version O +dependencies O dependencies O +that O that O +I O I O +'m O 'm O +not O not O +bringing O bringing O +out O out O +- O - O +if O if O +you O you O +are O are O +using O using O +IDS B-Application IDS O +10.00 B-Version 10.00 O +or O or O +later O later O +, O , O +this O this O +is O is O +accurate O accurate O +. O . O + +Question_ID O Question_ID O +: O : O +15624039 O 15624039 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15624039/ O https://stackoverflow.com/questions/15624039/ O + + +I O I O +'ve O 've O +got O got O +a O a O +strange O strange O +bug O bug O +whereby O whereby O +two O two O +UIButtons B-Library_Class UIButtons O +inside O inside O +a O a O +UIView B-Library_Class UIView O +, O , O +which O which O +is O is O +in O in O +turn O turn O +inside O inside O +a O a O +UIScrollView B-Library_Class UIScrollView O +view O view O +are O are O +not O not O +clickable O clickable O +on O on O +iOS B-Operating_System iOS O +5 B-Version 5 O +, O , O +but O but O +work O work O +perfectly O perfectly O +fine O fine O +on O on O +iOS B-Operating_System iOS O +6 B-Version 6 O +( O ( O +screenshot O screenshot O +shows O shows O +scroller B-User_Interface_Element scroller O +and O and O +map B-User_Interface_Element map O +underneath O underneath O +) O ) O + +The O The O +only O only O +other O other O +detail O detail O +is O is O +the O the O +scroller B-User_Interface_Element scroller O +view O view O +' O ' O +slides O slides O +up O up O +' O ' O +to O to O +reveal O reveal O +buttons B-User_Interface_Element buttons O +when O when O +a O a O +station O station O +is O is O +selected O selected O +. O . O + +I O I O +'ve O 've O +tried O tried O +selecting O selecting O +the O the O +buttons B-User_Interface_Element buttons O +on O on O +iOS B-Operating_System iOS O +5 B-Version 5 O +, O , O +and O and O +they O they O +do O do O +get O get O +hit O hit O +( O ( O +visually O visually O +) O ) O +, O , O +but O but O +the O the O +event O event O +is O is O +n't O n't O +fired O fired O +. O . O + +Edit O Edit O +: O : O +If O If O +I O I O +tap O tap O +and O and O +hold O hold O +on O on O +the O the O +button B-User_Interface_Element button O +in O in O +the O the O +simulator B-Application simulator O +, O , O +then O then O +move O move O +the O the O +cursor B-User_Interface_Element cursor O +up O up O +the O the O +screen B-User_Interface_Element screen O +and O and O +release O release O +( O ( O +e.g O e.g O +. O . O +to O to O +the O the O +part O part O +of O of O +the O the O +UIView B-Library_Class UIView O +that O that O +was O was O +always O always O +visible O visible O +) O ) O +, O , O +the O the O +event O event O +fires O fires O +. O . O + +The O The O +scroll B-Library_Class scroll O +view I-Library_Class view O +itself O itself O +has O has O +the O the O +following O following O +settings O settings O +, O , O +the O the O +latter O latter O +two O two O +have O have O +only O only O +been O been O +added O added O +in O in O +order O order O +to O to O +try O try O +and O and O +make O make O +the O the O +buttons B-User_Interface_Element buttons O +work O work O +on O on O +iOS B-Operating_System iOS O +5 B-Version 5 O +( O ( O +tried O tried O +various O various O +combinations O combinations O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1531 I-Code_Block Q_1531 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +button B-User_Interface_Element button O +events O events O +are O are O +all O all O +wired O wired O +up O up O +correctly O correctly O +, O , O +with O with O +suitable O suitable O +targets O targets O +etc O etc O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1532 I-Code_Block Q_1532 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +handlers O handlers O +( O ( O +here O here O +'s O 's O +one O one O +as O as O +a O a O +sample O sample O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1533 I-Code_Block Q_1533 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Any O Any O +help O help O +would O would O +be O be O +great O great O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +15624039 O 15624039 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15624039/ O https://stackoverflow.com/questions/15624039/ O + + +Found O Found O +the O the O +culprit O culprit O +- O - O +a O a O +misconfigured O misconfigured O +UITapGestureRecognizer B-Library_Class UITapGestureRecognizer O +on O on O +the O the O +UIView B-Library_Class UIView O +the O the O +UIButtons B-Library_Class UIButtons O +sit O sit O +on O on O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2023 I-Code_Block A_2023 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Simply O Simply O +adding O adding O +the O the O +following O following O +after O after O +init B-Library_Function init O +of O of O +' O ' O +tap B-Variable_Name tap O +' O ' O +solves O solves O +the O the O +issue O issue O +in O in O +iOS B-Operating_System iOS O +5 B-Version 5 O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2024 I-Code_Block A_2024 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +16201298 O 16201298 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16201298/ O https://stackoverflow.com/questions/16201298/ O + + +I O I O +'ve O 've O +encountered O encountered O +a O a O +very O very O +strange O strange O +problem O problem O +( O ( O +since O since O +this O this O +always O always O +worked O worked O +before O before O +) O ) O +when O when O +building O building O +a O a O +client-server O client-server O +chat O chat O +program O program O +. O . O + +The O The O +serversocket B-Library_Class serversocket O +accepts O accepts O +without O without O +any O any O +problem O problem O +the O the O +incoming O incoming O +connection O connection O +of O of O +the O the O +client B-Class_Name client O +, O , O +but O but O +when O when O +I O I O +try O try O +to O to O +read O read O +from O from O +the O the O +socket B-Library_Class socket O +'s O 's O +inputstream B-Library_Class inputstream O +the O the O +whole O whole O +method O method O +blocks O blocks O +and O and O +only O only O +releases O releases O +when O when O +I O I O +close O close O +the O the O +client B-Library_Class client O +'s O 's O +socket I-Library_Class socket O +. O . O + +I O I O +'ve O 've O +even O even O +tried O tried O +it O it O +with O with O +the O the O +sample O sample O +code O code O +on O on O +docs.oracle.com B-Website docs.oracle.com O +, O , O +but O but O +the O the O +problem O problem O +remains O remains O +. O . O + +Can O Can O +anybody O anybody O +point O point O +me O me O +out O out O +the O the O +error O error O +I O I O +'m O 'm O +obviously O obviously O +not O not O +seeing O seeing O +? O ? O + +Server B-Class_Name Server O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1608 I-Code_Block Q_1608 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Client B-Class_Name Client O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1609 I-Code_Block Q_1609 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16201298 O 16201298 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16201298/ O https://stackoverflow.com/questions/16201298/ O + + +the O the O +method O method O +readLine() B-Library_Function readLine() B-Code_Block +is O is O +waiting O waiting O +for O for O +\n B-Value \n O +character O character O +to O to O +appear O appear O +in O in O +the O the O +stream O stream O +( O ( O +the O the O +method O method O +blocks O blocks O +until O until O +it O it O +sees O sees O +end O end O +line O line O +delimeter O delimeter O +) O ) O +. O . O + +Try O Try O +sending O sending O +" B-Value " B-Code_Block +test I-Value test I-Code_Block +\\n I-Value \\n I-Code_Block +" B-Value " B-Code_Block +from O from O +the O the O +client B-Class_Name client O +and O and O +see O see O +what O what O +happens O happens O +. O . O + +And O And O +remember O remember O +to O to O +flush() B-Library_Function flush() B-Code_Block +the O the O +output B-Library_Class output O +stream I-Library_Class stream O +on O on O +the O the O +client B-Class_Name client O +side O side O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16201298 O 16201298 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16201298/ O https://stackoverflow.com/questions/16201298/ O + + +You O You O +forgot O forgot O +to O to O +add O add O +a O a O +true O true O +as O as O +the O the O +2nd O 2nd O +parameter O parameter O +when O when O +creating O creating O +the O the O +printwriter B-Library_Class printwriter O +printwriter I-Library_Class printwriter O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2092 I-Code_Block A_2092 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +will O will O +make O make O +it O it O +flush O flush O +automatically O automatically O +. O . O + +Question_ID O Question_ID O +: O : O +18933134 O 18933134 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18933134/ O https://stackoverflow.com/questions/18933134/ O + + +If O If O +you O you O +look O look O +at O at O +the O the O +screenshot O screenshot O +in O in O +the O the O +below O below O +link O link O +you O you O +'ll O 'll O +see O see O +what O what O +I O I O +'m O 'm O +after O after O +. O . O + +I O I O +basically O basically O +want O want O +people O people O +to O to O +be O be O +able O able O +to O to O +click O click O +a O a O +service O service O +down O down O +the O the O +left O left O +hand O hand O +side O side O +and O and O +then O then O +the O the O +content O content O +loads O loads O +in O in O +on O on O +the O the O +right O right O +hand O hand O +side O side O +. O . O + +Like O Like O +this O this O +page O page O +but O but O +instead O instead O +of O of O +loading O loading O +below O below O +, O , O +it O it O +loads O loads O +to O to O +the O the O +right O right O +, O , O +and O and O +also O also O +, O , O +the O the O +link O link O +there O there O +loads O loads O +the O the O +content O content O +in O in O +via O via O +a O a O +html B-File_Type html O +file O file O +, O , O +I O I O +'d O 'd O +like O like O +to O to O +avoid O avoid O +this O this O +is O is O +possible O possible O +. O . O + +Screenshot O Screenshot O +: O : O + +Does O Does O +anyone O anyone O +know O know O +of O of O +a O a O +jQuery B-Library jQuery O +plugin O plugin O +or O or O +ajax B-Library_Function ajax O +that O that O +can O can O +do O do O +this O this O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +18933134 O 18933134 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18933134/ O https://stackoverflow.com/questions/18933134/ O + + +Use O Use O +jquery B-Library jquery O +'s O 's O +ajax B-Library_Function ajax O +for O for O +that O that O +. O . O + +Or O Or O +alternatively O alternatively O +preload O preload O +all O all O +the O the O +contents O contents O +and O and O +use O use O +jquery B-Library jquery O +UI O UI O +'s O 's O +tabs B-User_Interface_Element tabs O + +Question_ID O Question_ID O +: O : O +43995481 O 43995481 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43995481/ O https://stackoverflow.com/questions/43995481/ O + + +I O I O +would O would O +like O like O +to O to O +use O use O +ImagePlot B-Application ImagePlot O +( O ( O +an O an O +ImageJ B-Application ImageJ O +macro I-Application macro O +) O ) O +to O to O +visualize O visualize O +images B-User_Interface_Element images O +in O in O +a O a O +folder O folder O +. O . O + +To O To O +do O do O +this O this O +, O , O +I O I O +have O have O +to O to O +have O have O +a O a O +spreadsheet B-User_Interface_Element spreadsheet O +that O that O +I O I O +load O load O +into O into O +an O an O +ImagePlot B-Application ImagePlot O +that O that O +contains O contains O +average O average O +color O color O +saturation O saturation O +or O or O +medium O medium O +brightness O brightness O +of O of O +each O each O +image B-User_Interface_Element image O +. O . O + +Is O Is O +it O it O +possible O possible O +to O to O +make O make O +such O such O +a O a O +spreadsheet B-User_Interface_Element spreadsheet O +in O in O +ImageJ B-Application ImageJ O +or O or O +do O do O +I O I O +need O need O +to O to O +do O do O +it O it O +differently O differently O +? O ? O + +Question_ID O Question_ID O +: O : O +44522386 O 44522386 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44522386/ O https://stackoverflow.com/questions/44522386/ O + + +Ids O Ids O +are O are O +useful O useful O +in O in O +automation O automation O +context O context O +. O . O + +How O How O +to O to O +set O set O +an O an O +id O id O +to O to O +EditText(Android) B-Library_Class EditText(Android) O +when O when O +working O working O +with O with O +Cordova B-Library Cordova O +? O ? O + +Question_ID O Question_ID O +: O : O +861223 O 861223 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/861223/ O https://stackoverflow.com/questions/861223/ O + + +I O I O +came O came O +across O across O +the O the O +Dell B-Device Dell O +Studio I-Device Studio O +One I-Device One O +19 B-Version 19 O +on O on O +the O the O +web O web O +the O the O +other O other O +day O day O +, O , O +and O and O +wondered O wondered O +what O what O +the O the O +Dev O Dev O +environment O environment O +for O for O +the O the O +Multi-Touch O Multi-Touch O +was O was O +? O ? O + +Anyone O Anyone O +out O out O +there O there O +developing O developing O +for O for O +this O this O +, O , O +or O or O +know O know O +what O what O +the O the O +environment O environment O +is O is O +? O ? O + +I O I O +know O know O +that O that O +to O to O +develop O develop O +for O for O +the O the O +HP B-Device HP O +TouchSmart I-Device TouchSmart O +you O you O +need O need O +HP B-Organization HP O +'s O 's O +own O own O +SDK B-Library SDK O +.... O .... O +and O and O +it O it O +does O does O +n't O n't O +sound O sound O +too O too O +good O good O +to O to O +me O me O +( O ( O +check O check O +out O out O +this O this O +.NET B-Library .NET O +Rocks O Rocks O +episode O episode O +on O on O +it O it O +) O ) O + +I O I O +was O was O +hoping O hoping O +the O the O +new O new O +Dell B-Device Dell O +is O is O +just O just O +using O using O +Windows B-Operating_System Windows O +7 B-Version 7 O +native O native O +touch O touch O +support O support O +... O ... O +. O . O + +Ideally O Ideally O +I O I O +'d O 'd O +like O like O +to O to O +see O see O +a O a O +subset O subset O +of O of O +the O the O +Microsoft B-Library Microsoft O +Surface I-Library Surface O +SDK I-Library SDK O +brought O brought O +to O to O +touch-enabled B-Device touch-enabled O +screens I-Device screens O +running O running O +Win B-Operating_System Win O +7 B-Version 7 O +... O ... O +. O . O + +anyone O anyone O +got O got O +insight O insight O +into O into O +whats O whats O +happening O happening O +with O with O +Multi-Touch O Multi-Touch O +on O on O +Win B-Operating_System Win O +7 B-Version 7 O +from O from O +a O a O +development O development O +perspective O perspective O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +861223 O 861223 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/861223/ O https://stackoverflow.com/questions/861223/ O + + +While O While O +this O this O +may O may O +not O not O +apply O apply O +to O to O +the O the O +Dell B-Device Dell O +Studio I-Device Studio O +One I-Device One O +19 B-Version 19 O +to O to O +answer O answer O +your O your O +question O question O +at O at O +the O the O +end O end O +, O , O +" O " O +anyone O anyone O +got O got O +insight O insight O +into O into O +whats O whats O +happening O happening O +with O with O +Multi-Touch O Multi-Touch O +on O on O +Win B-Operating_System Win O +7 B-Application 7 O +from O from O +a O a O +development O development O +perspective O perspective O +? O ? O +" O " O + +I O I O +can O can O +say O say O +that O that O +it O it O +seems O seems O +that O that O +out O out O +of O of O +the O the O +box O box O +there O there O +will O will O +be O be O +a O a O +multi-touch B-Library multi-touch O +API I-Library API O +, O , O +which O which O +is O is O +what O what O +you O you O +should O should O +find O find O +available O available O +in O in O +the O the O +Win B-Library Win O +7 I-Library 7 O +RC I-Library RC O +SDK I-Library SDK O +linked O linked O +in O in O +Tim B-User_Name Tim O +J I-User_Name J O +'s O 's O +answer O answer O +. O . O + +In O In O +addition O addition O +WPF B-Library WPF O +4.0 B-Version 4.0 O +will O will O +include O include O +multi-touch B-Library multi-touch O +APIs I-Library APIs O +and O and O +controls O controls O +which O which O +it O it O +would O would O +seem O seem O +that O that O +the O the O +Surface B-Library Surface O +SDK I-Library SDK O +2.0 B-Version 2.0 O +will O will O +extend/build O extend/build O +upon O upon O +. O . O + +If O If O +you O you O +go O go O +to O to O +slide O slide O +7 O 7 O +of O of O +the O the O +following O following O +presentation O presentation O +you O you O +'ll O 'll O +see O see O +how O how O +thing O thing O +stack O stack O +together O together O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +861223 O 861223 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/861223/ O https://stackoverflow.com/questions/861223/ O + + +Funny O Funny O +you O you O +should O should O +ask O ask O +this O this O +I O I O +am O am O +just O just O +starting O starting O +with O with O +this O this O +stuff O stuff O +this O this O +week O week O +. O . O + +I O I O +have O have O +the O the O +Dell B-Device Dell O +XT2 I-Device XT2 O +with O with O +Windows B-Operating_System Windows O +7 B-Version 7 O +64bit O 64bit O +( O ( O +runs O runs O +like O like O +a O a O +dream O dream O +) O ) O +. O . O + +What O What O +you O you O +need O need O +to O to O +have O have O +.. O .. O +. O . O + +The O The O +Windows B-Application Windows O +7 I-Application 7 O +RC I-Application RC O +SDK I-Application SDK O + +and O and O +you O you O +also O also O +must O must O +have O have O +the O the O + +NTrig B-Application NTrig O +device I-Application device O +drivers I-Application drivers O + +What O What O +'s O 's O +nice O nice O +to O to O +have O have O +is O is O +the O the O +NTrig B-Application NTrig O +SDK I-Application SDK O + +There O There O +have O have O +been O been O +some O some O +changes O changes O +between O between O +the O the O +Windows B-Operating_System Windows O +7 B-Version 7 O +Beta I-Version Beta O +and O and O +the O the O +RC B-Version RC O +, O , O +and O and O +the O the O +samples O samples O +have O have O +n't O n't O +been O been O +updated O updated O +yet O yet O +, O , O +but O but O +its O its O +reasonably O reasonably O +simple O simple O +to O to O +work O work O +out O out O +. O . O + +Have O Have O +fun O fun O +, O , O +I O I O +am O am O +. O . O + +Question_ID O Question_ID O +: O : O +17882077 O 17882077 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17882077/ O https://stackoverflow.com/questions/17882077/ O + + +Hello O Hello O +I O I O +have O have O +set O set O +some O some O +text O text O +in O in O +a O a O +textview B-Library_Class textview O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1828 I-Code_Block Q_1828 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +I O I O +need O need O +to O to O +convert O convert O +the O the O +text O text O +of O of O +the O the O +TextView B-Library_Class TextView B-Code_Block +into O into O +Spannble B-Library_Class Spannble B-Code_Block +. O . O + +So O So O +I O I O +did O did O +this O this O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1829 I-Code_Block Q_1829 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +need O need O +to O to O +convert O convert O +it O it O +Spannable B-Library_Class Spannable B-Code_Block +because O because O +I O I O +passed O passed O +the O the O +TextView B-Library_Class TextView B-Code_Block +into O into O +a O a O +function O function O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1830 I-Code_Block Q_1830 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +shows O shows O +no O no O +error/warning O error/warning O +. O . O + +But O But O +throwing O throwing O +a O a O +Runtime B-Error_Name Runtime O +Error I-Error_Name Error O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1831 I-Code_Block Q_1831 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +How O How O +can O can O +I O I O +convert O convert O +the O the O +SpannedStringt/text B-Library_Class SpannedStringt/text O +of O of O +the O the O +textview B-Library_Class textview O +into O into O +Spannble B-Library_Class Spannble O +? O ? O + +Or O Or O +can O can O +I O I O +do O do O +the O the O +same O same O +task O task O +with O with O +SpannedString B-Library_Class SpannedString O +inside O inside O +the O the O +function O function O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +17882077 O 17882077 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17882077/ O https://stackoverflow.com/questions/17882077/ O + + +If O If O +you O you O +specify O specify O +BufferType.SPANNABLE B-Library_Variable BufferType.SPANNABLE B-Code_Block +when O when O +setting O setting O +the O the O +TextView B-Library_Class TextView B-Code_Block +'s O 's O +text O text O +, O , O +then O then O +when O when O +getting O getting O +the O the O +text O text O +you O you O +can O can O +cast O cast O +it O it O +to O to O +Spannable B-Library_Class Spannable B-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4413 I-Code_Block A_4413 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +17882077 O 17882077 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17882077/ O https://stackoverflow.com/questions/17882077/ O + + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +new B-Code_Block new B-Code_Block +SpannableString(textView.getText()) I-Code_Block SpannableString(textView.getText()) I-Code_Block +should O should O +work O work O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Sorry O Sorry O +, O , O +but O but O +removeSpan() B-Library_Function removeSpan() B-Code_Block +and O and O +setSpan() B-Library_Function setSpan() B-Code_Block +are O are O +methods O methods O +on O on O +the O the O +Spannable B-Library_Class Spannable B-Code_Block +interface O interface O +, O , O +and O and O +SpannedString B-Library_Class SpannedString B-Code_Block +does O does O +not O not O +implement O implement O +Spannable B-Library_Class Spannable B-Code_Block +. O . O + +Question_ID O Question_ID O +: O : O +32517975 O 32517975 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32517975/ O https://stackoverflow.com/questions/32517975/ O + + +In O In O +Safari B-Application Safari O +on O on O +iOS B-Operating_System iOS O +if O if O +I O I O +open O open O +my O my O +login O login O +page B-User_Interface_Element page O +it O it O +shows O shows O +" B-Output_Block " O +Scan I-Output_Block Scan O +Credit I-Output_Block Credit O +Card I-Output_Block Card O +" I-Output_Block " O +, O , O +how O how O +can O can O +I O I O +hide O hide O +this O this O +as O as O +this O this O +is O is O +not O not O +relevant O relevant O +for O for O +the O the O +username O username O +or O or O +password O password O +text B-User_Interface_Element text O +box I-User_Interface_Element box O +. O . O + +I O I O +tried O tried O +to O to O +find O find O +answer O answer O +here O here O +How O How O +to O to O +disable O disable O +" O " O +Scan O Scan O +Credit O Credit O +Card O Card O +" O " O +feature O feature O +on O on O +iOS B-Operating_System iOS O +8 B-Version 8 O +Safari B-Application Safari O +? O ? O + +but O but O +no O no O +one O one O +has O has O +replied O replied O +to O to O +it O it O +yet O yet O +. O . O + +Image B-User_Interface_Element Image O +is O is O +shown O shown O +below O below O +as O as O +reference O reference O +: O : O + +Question_ID O Question_ID O +: O : O +21250532 O 21250532 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21250532/ O https://stackoverflow.com/questions/21250532/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +send O send O +two O two O +versions O versions O +of O of O +the O the O +same O same O +email O email O +to O to O +two O two O +recipients O recipients O +using O using O +phpMailer B-Library phpMailer O + +Depending O Depending O +on O on O +the O the O +email O email O +I O I O +need O need O +to O to O +send O send O +one O one O +version O version O +or O or O +another O another O +. O . O + +At O At O +the O the O +moment O moment O +I O I O +'m O 'm O +able O able O +to O to O +send O send O +only O only O +the O the O +same O same O +version O version O +to O to O +both O both O +email O email O +address O address O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2277 I-Code_Block Q_2277 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21250532 O 21250532 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21250532/ O https://stackoverflow.com/questions/21250532/ O + + +I O I O +think O think O +you O you O +want O want O +to O to O +seach O seach O +the O the O +$maileremail B-Variable_Name $maileremail B-Code_Block +inside O inside O +$add B-Variable_Name $add B-Code_Block +and O and O +send O send O +the O the O +desired O desired O +email O email O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2868 I-Code_Block A_2868 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +EDITED O EDITED O +: O : O + +I O I O +misunderstood O misunderstood O +the O the O +question O question O +. O . O + +Brian B-User_Name Brian O +is O is O +right O right O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21250532 O 21250532 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21250532/ O https://stackoverflow.com/questions/21250532/ O + + +If O If O +you O you O +'re O 're O +looking O looking O +to O to O +do O do O +all O all O +the O the O +setup O setup O +once O once O +for O for O +minimal O minimal O +repetition O repetition O +, O , O +simply O simply O +clone O clone O +your O your O +$mail B-Variable_Name $mail B-Code_Block +object O object O +in O in O +your O your O +foreach($add) B-Code_Block foreach($add) B-Code_Block +loop O loop O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2869 I-Code_Block A_2869 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +creates O creates O +a O a O +separate O separate O +clone O clone O +of O of O +your O your O +$mail B-Variable_Name $mail B-Code_Block +object O object O +for O for O +every O every O +loop O loop O +, O , O +allowing O allowing O +you O you O +to O to O +add O add O +different O different O +email O email O +bodies O bodies O +, O , O +subjects O subjects O +, O , O +etc O etc O +. O . O + +without O without O +having O having O +to O to O +rewrite O rewrite O +all O all O +connection O connection O +settings O settings O +. O . O + +Question_ID O Question_ID O +: O : O +44358692 O 44358692 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44358692/ O https://stackoverflow.com/questions/44358692/ O + + +Can O Can O +somebody O somebody O +help O help O +please O please O +. O . O + +I O I O +hav O hav O +n't O n't O +any O any O +experience O experience O +in O in O +Angular B-Library Angular O +1 B-Version 1 O +to O to O +2 B-Version 2 O +migration O migration O +. O . O + +I O I O +have O have O +this O this O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5755 I-Code_Block Q_5755 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5756 I-Code_Block Q_5756 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +after O after O +first O first O +appers O appers O +this O this O +error O error O +: O : O + +Error O Error O +: O : O +[ B-Error_Name [ O +$injector:nomod I-Error_Name $injector:nomod O +] I-Error_Name ] O +Module O Module O +' O ' O +app O app O +' O ' O +is O is O +not O not O +available O available O +! O ! O + +You O You O +either O either O +misspelled O misspelled O +the O the O +module O module O +name O name O +or O or O +forgot O forgot O +to O to O +load O load O +it O it O +. O . O + +If O If O +registering O registering O +a O a O +module O module O +ensure O ensure O +that O that O +you O you O +specify O specify O +the O the O +dependencies O dependencies O +as O as O +the O the O +second O second O +argument O argument O +. O . O + +And O And O +after O after O +second O second O +variany O variany O +this O this O +one O one O +: O : O + +Error O Error O +: O : O +TypeError B-Error_Name TypeError O +: O : O +angular.module O angular.module O +is O is O +not O not O +a O a O +function O function O + +app.module.ts B-File_Name app.module.ts O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5757 I-Code_Block Q_5757 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +package.json B-File_Name package.json O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5758 I-Code_Block Q_5758 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +12124362 O 12124362 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12124362/ O https://stackoverflow.com/questions/12124362/ O + + +I O I O +have O have O +a O a O +free O free O +open O open O +source O source O +app O app O +that O that O +already O already O +supports O supports O +multiple O multiple O +languages O languages O +. O . O + +To O To O +test O test O +the O the O +languages O languages O +I O I O +switch O switch O +the O the O +phone B-Device phone O +'s O 's O +setting O setting O +| O | O +language O language O +and O and O +everything O everything O +works O works O +just O just O +fine O fine O +. O . O + +Once O Once O +in O in O +a O a O +while O while O +I O I O +get O get O +requests O requests O +from O from O +people O people O +that O that O +want O want O +to O to O +translate O translate O +the O the O +app O app O +to O to O +a O a O +language O language O +that O that O +is O is O +not O not O +listed O listed O +on O on O +my O my O +own O own O +device O device O +( O ( O +CM B-Device CM O +7.1 B-Version 7.1 O +or O or O +US B-Device US O +Nexus I-Device Nexus O +7 B-Version 7 O +) O ) O +. O . O + +For O For O +example O example O +, O , O +the O the O +last O last O +one O one O +was O was O +for O for O +Albanian O Albanian O +. O . O + +I O I O +presume O presume O +that O that O +the O the O +language O language O +code O code O +is O is O +' B-Value ' O +sq I-Value sq O +' B-Value ' O +so O so O +I O I O +can O can O +create O create O +res/values B-Code_Block res/values O +-sq I-Code_Block -sq O +with O with O +the O the O +translation O translation O +they O they O +provide O provide O +but O but O +how O how O +can O can O +I O I O +test O test O +it O it O +on O on O +my O my O +own O own O +phone B-Device phone O +? O ? O + +Is O Is O +there O there O +a O a O +way O way O +to O to O +force O force O +my O my O +app O app O +to O to O +use O use O +a O a O +specific O specific O +language O language O +code O code O +( O ( O +e.g O e.g O +. O . O +' B-Value ' O +sq' I-Value sq' O +) O ) O +, O , O +even O even O +if O if O +it O it O +is O is O +not O not O +listed O listed O +in O in O +my O my O +phone B-Device phone O +'s O 's O +settings O settings O +? O ? O + +To O To O +clarify O clarify O +, O , O +I O I O +do O do O +n't O n't O +want O want O +to O to O +reinvent O reinvent O +language O language O +switching O switching O +, O , O +just O just O +to O to O +influence O influence O +the O the O +resource O resource O +selector O selector O +to O to O +use O use O +res/values B-Code_Block res/values O +-sq I-Code_Block -sq O +. O . O + +If O If O +it O it O +matters O matters O +, O , O +the O the O +app O app O +uses O uses O +android:minSdkVersion B-Code_Block android:minSdkVersion O += I-Code_Block = O +" I-Code_Block " O +8 I-Code_Block 8 O +" I-Code_Block " O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +12124362 O 12124362 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12124362/ O https://stackoverflow.com/questions/12124362/ O + + +Your O Your O +phone B-Device phone O +vendor O vendor O +chose O chose O +not O not O +to O to O +include O include O +the O the O +Albanian O Albanian O +locale O locale O +, O , O +so O so O +unfortunately O unfortunately O +you O you O +wo O wo O +n't O n't O +be O be O +able O able O +to O to O +choose O choose O +it O it O +. O . O + +This O This O +is O is O +usually O usually O +vendor O vendor O +specific O specific O +and O and O +depends O depends O +greatly O greatly O +on O on O +your O your O +location O location O +. O . O + +For O For O +example O example O +, O , O +Samsung B-Organization Samsung O +will O will O +not O not O +include O include O +the O the O +Albanian O Albanian O +locale O locale O +in O in O +an O an O +Android B-Operating_System Android O +build O build O +used O used O +for O for O +phones B-Device phones O +to O to O +be O be O +distributed O distributed O +in O in O +the O the O +US O US O +. O . O + +As O As O +for O for O +forcing O forcing O +your O your O +app O app O +directly O directly O +to O to O +choose O choose O +one O one O +of O of O +your O your O +locale O locale O +'s O 's O +, O , O +it O it O +is O is O +not O not O +doable O doable O +afaik O afaik O +. O . O + +The O The O +best O best O +you O you O +could O could O +do O do O +( O ( O +in O in O +case O case O +you O you O +want O want O +to O to O +test O test O +your O your O +resources O resources O +) O ) O +would O would O +be O be O +to O to O +recreate O recreate O +the O the O +project O project O +and O and O +remove O remove O +all O all O +the O the O +other O other O +resources O resources O +and O and O +leave O leave O +the O the O +Albanian-specific O Albanian-specific O +ones O ones O +. O . O + +The O The O +system O system O +will O will O +" O " O +be O be O +forced O forced O +" O " O +use O use O +them O them O +. O . O + +Question_ID O Question_ID O +: O : O +43218651 O 43218651 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43218651/ O https://stackoverflow.com/questions/43218651/ O + + +We O We O +have O have O +a O a O +website O website O +using O using O +bootstrap B-Library bootstrap O +, O , O +css B-Language css O +, O , O +and O and O +html B-Language html O +. O . O + +we O we O +have O have O +a O a O +piece O piece O +of O of O +text B-User_Interface_Element text O +that O that O +we O we O +want O want O +to O to O +disappear O disappear O +when O when O +on O on O +mobile B-Device mobile O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43218651 O 43218651 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43218651/ O https://stackoverflow.com/questions/43218651/ O + + +There O There O +are O are O +slightly O slightly O +different O different O +classes O classes O +you O you O +need O need O +to O to O +add O add O +depending O depending O +on O on O +the O the O +version O version O +of O of O +Bootstrap B-Library Bootstrap O +, O , O +e.g O e.g O +. O . O +hidden-sm-down B-Library_Class hidden-sm-down B-Code_Block +for O for O +v4-alpha B-Version v4-alpha O +( O ( O +https://v4-alpha.getbootstrap.com/layout/responsive-utilities/ O https://v4-alpha.getbootstrap.com/layout/responsive-utilities/ O +) O ) O + +Question_ID O Question_ID O +: O : O +36498179 O 36498179 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36498179/ O https://stackoverflow.com/questions/36498179/ O + + +( O ( O +First O First O +of O of O +all O all O +im O im O +not O not O +a O a O +native O native O +english O english O +speaker O speaker O +so O so O +my O my O +english O english O +is O is O +really O really O +bad O bad O +) O ) O + +I O I O +'ve O 've O +been O been O +working O working O +on O on O +a O a O +android B-Operating_System android O +APP O APP O +. O . O + +Basically O Basically O +I O I O +need O need O +to O to O +connect O connect O +to O to O +a O a O +SQL B-Application SQL O +Server I-Application Server O +2012 B-Version 2012 O +express O express O +database O database O +. O . O + +All O All O +works O works O +fine O fine O +until O until O +I O I O +use O use O +a O a O +different O different O +API B-Library API O +of O of O +23 B-Version 23 O +. O . O + +I O I O +'ve O 've O +found O found O +this O this O +error O error O +on O on O +other O other O +topics O topics O +but O but O +no O no O +answer O answer O +worked O worked O +for O for O +me O me O +. O . O + +This O This O +is O is O +the O the O +error O error O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4492 I-Code_Block Q_4492 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'ve O 've O +been O been O +doing O doing O +some O some O +research O research O +on O on O +the O the O +code O code O +and O and O +the O the O +error O error O +log O log O +and O and O +it O it O +seems O seems O +to O to O +be O be O +an O an O +error O error O +with O with O +the O the O +database O database O +connection O connection O +, O , O +but O but O +i O i O +dont O dont O +really O really O +found O found O +out O out O +what O what O +can O can O +be O be O +. O . O + +The O The O +thing O thing O +is O is O +, O , O +the O the O +APP O APP O +works O works O +totally O totally O +fine O fine O +on O on O +API B-Library API O +23 B-Version 23 O +. O . O + +But O But O +when O when O +I O I O +use O use O +an O an O +API B-Library API O +17 B-Version 17 O +emulator B-Application emulator O +device O device O +this O this O +error O error O +just O just O +appears O appears O +. O . O + +I O I O +started O started O +the O the O +project O project O +on O on O +API B-Library API O +17 B-Version 17 O +. O . O + +I O I O +'ve O 've O +tried O tried O +to O to O +create O create O +an O an O +API B-Library API O +10 B-Version 10 O +project O project O +and O and O +it O it O +did O did O +n't O n't O +work O work O +. O . O + +This O This O +is O is O +the O the O +layout O layout O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4493 I-Code_Block Q_4493 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +is O is O +the O the O +database B-Class_Name database O +connection I-Class_Name connection O +class O class O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4494 I-Code_Block Q_4494 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +here O here O +is O is O +the O the O +main O main O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4495 I-Code_Block Q_4495 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Im O Im O +using O using O +the O the O +last O last O +version O version O +of O of O +jtds.jdbe B-Application jtds.jdbe B-Code_Block +driver O driver O +. O . O + +Question_ID O Question_ID O +: O : O +15171734 O 15171734 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15171734/ O https://stackoverflow.com/questions/15171734/ O + + +I O I O +am O am O +trying O trying O +to O to O +arrange O arrange O +a O a O +grid B-User_Interface_Element grid O +layout O layout O +. O . O + +The O The O +last O last O +div B-HTML_XML_Tag div O +moves O moves O +when O when O +zooming O zooming O +out O out O +. O . O + +Also O Also O +a O a O +white B-User_Interface_Element white O +line I-User_Interface_Element line O +appear O appear O +between O between O +the O the O +right O right O +side O side O +panel B-User_Interface_Element panel O +and O and O +last O last O +content O content O +div B-HTML_XML_Tag div O +when O when O +I O I O +zoom O zoom O +in O in O +. O . O + +Am O Am O +I O I O +doing O doing O +something O something O +crucially O crucially O +wrong O wrong O +with O with O +my O my O +CSS B-Language CSS O +and O and O +layout O layout O +? O ? O + +Cheers O Cheers O +, O , O + +Owain B-User_Name Owain O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1470 I-Code_Block Q_1470 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1471 I-Code_Block Q_1471 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +15171734 O 15171734 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15171734/ O https://stackoverflow.com/questions/15171734/ O + + +If O If O +I O I O +understood O understood O +your O your O +question O question O +correctly O correctly O +, O , O +this O this O +is O is O +what O what O +your O your O +output O output O +should O should O +be O be O +. O . O + +The O The O +CSS B-Language CSS O +shall O shall O +be O be O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1930 I-Code_Block A_1930 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +also O also O +, O , O +remove O remove O +the O the O +width B-Variable_Name width B-Code_Block +attribute/property O attribute/property O +from O from O +.item1 B-Variable_Name .item1 B-Code_Block +and O and O +.item2 B-Variable_Name .item2 B-Code_Block +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +15171734 O 15171734 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15171734/ O https://stackoverflow.com/questions/15171734/ O + + +Adding O Adding O +width B-Variable_Name width O +to O to O +two-item-column B-Variable_Name two-item-column B-Code_Block +would O would O +fix O fix O +it O it O +. O . O + +And O And O +there O there O +is O is O +no O no O +need O need O +to O to O +make O make O +its O its O +position O position O +relative O relative O +if O if O +it O it O +is O is O +not O not O +for O for O +other O other O +parts O parts O +of O of O +your O your O +layout O layout O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1929 I-Code_Block A_1929 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +23594242 O 23594242 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23594242/ O https://stackoverflow.com/questions/23594242/ O + + +I O I O +want O want O +to O to O +put O put O +some O some O +Waypoints B-Library_Variable Waypoints O +in O in O +a O a O +Map B-Library_Class Map O +. O . O + +The O The O +problem O problem O +is O is O +that O that O +I O I O +am O am O +specifying O specifying O +the O the O +travelMode B-Library_Variable travelMode O +but O but O +the O the O +Waypoints B-Library_Variable Waypoints O +do O do O +not O not O +use O use O +my O my O +travel B-Library_Variable travel O +mode I-Library_Variable mode O +, O , O +apparently O apparently O +waypoints B-Library_Variable waypoints O +used O used O +" B-Value " O +driving I-Value driving O +" I-Value " O +travel B-Library_Variable travel O +mode I-Library_Variable mode O +, O , O +and O and O +I O I O +want O want O +to O to O +use O use O +" B-Value " O +walking I-Value walking O +" I-Value " O +. O . O + +As O As O +you O you O +can O can O +see O see O +, O , O +the O the O +route O route O +is O is O +not O not O +the O the O +best O best O +route O route O +to O to O +walk O walk O +. O . O + +Here O Here O +is O is O +my O my O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2602 I-Code_Block Q_2602 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Also O Also O +every O every O +waypoint B-Library_Variable waypoint O +have O have O +: O : O +stopover B-Code_Block stopover B-Code_Block +: I-Code_Block : I-Code_Block +true I-Code_Block true I-Code_Block +. O . O + +And O And O +idea O idea O +? O ? O + +Thank O Thank O +you O you O +in O in O +advance O advance O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23594242 O 23594242 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23594242/ O https://stackoverflow.com/questions/23594242/ O + + +In O In O +gmaps B-Library gmaps O +, O , O +by O by O +default O default O +, O , O +the O the O +travelMode B-Library_Variable travelMode O +is O is O +walking B-Value walking B-Code_Block +, O , O +and O and O +each O each O +waypoint B-Library_Variable waypoint O +must O must O +have O have O +its O its O +location B-Library_Variable location B-Code_Block +as O as O +an O an O +instance O instance O +of O of O +google.maps.LatLng B-Library_Class google.maps.LatLng B-Code_Block +, O , O +not O not O +an O an O +array B-Data_Structure array O +with O with O +latitude O latitude O +and O and O +longitude O longitude O +( O ( O +like O like O +origin B-Library_Variable origin B-Code_Block +or O or O +destination B-Library_Variable destination B-Code_Block +) O ) O +. O . O + +Also O Also O +, O , O +according O according O +the O the O +Google B-Library Google O +Maps I-Library Maps O +API I-Library API O +reference O reference O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23594242 O 23594242 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23594242/ O https://stackoverflow.com/questions/23594242/ O + + +The O The O +string B-Data_Type string O +' B-Value ' O +walking I-Value walking O +' B-Value ' O +is O is O +not O not O +a O a O +TravelMode B-Library_Variable TravelMode O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3223 I-Code_Block A_3223 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +26846971 O 26846971 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26846971/ O https://stackoverflow.com/questions/26846971/ O + + +I O I O +have O have O +this O this O +example O example O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3071 I-Code_Block Q_3071 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +works O works O +fine O fine O +and O and O +the O the O +input B-User_Interface_Element input O +boxes I-User_Interface_Element boxes O +span O span O +2 B-Value 2 O +, O , O +3 B-Value 3 O +, O , O +and O and O +4 B-Value 4 O +columns B-User_Interface_Element columns O +. O . O + +However O However O +, O , O +If O If O +I O I O +change O change O +the O the O +column B-User_Interface_Element column O +widths O widths O +to O to O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3072 I-Code_Block Q_3072 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +column B-User_Interface_Element column O +widths O widths O +are O are O +not O not O +behaving O behaving O +as O as O +expected O expected O +. O . O + +The O The O +col-lg-6 B-HTML_XML_Tag col-lg-6 O +input B-User_Interface_Element input O +box I-User_Interface_Element box O +is O is O +not O not O +expanding O expanding O +6 B-Value 6 O +columns B-User_Interface_Element columns O +and O and O +nothing O nothing O +seems O seems O +to O to O +be O be O +expanding O expanding O +past O past O +4 B-Value 4 O +columns B-User_Interface_Element columns O +. O . O + +Is O Is O +something O something O +prohibiting O prohibiting O +the O the O +column B-User_Interface_Element column O +from O from O +being O being O +expanded O expanded O +past O past O +a O a O +width O width O +of O of O +4 B-Value 4 O +by O by O +default O default O +? O ? O + +Not O Not O +sure O sure O +what O what O +could O could O +be O be O +going O going O +on O on O +here O here O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +26846971 O 26846971 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26846971/ O https://stackoverflow.com/questions/26846971/ O + + +Just O Just O +figured O figured O +out O out O +what O what O +is O is O +going O going O +on O on O +. O . O + +The O The O +default O default O +MVC B-Algorithm MVC O +project O project O +template O template O +creates O creates O +a O a O +_ViewStart.cshtml B-File_Name _ViewStart.cshtml O +that O that O +references O references O +a O a O +_Layout.cshtml B-File_Name _Layout.cshtml O +. O . O + +In O In O +order O order O +to O to O +avoid O avoid O +the O the O +default O default O +layout O layout O +created O created O +from O from O +ViewStart B-File_Name ViewStart O +I O I O +added O added O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3704 I-Code_Block A_3704 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +} B-Code_Block } O + +Question_ID O Question_ID O +: O : O +41036030 O 41036030 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41036030/ O https://stackoverflow.com/questions/41036030/ O + + + +Recently O Recently O +, O , O +I O I O +got O got O +a O a O +mission O mission O +to O to O +set O set O +up O up O +an O an O +https O https O +server B-Application server O +with O with O +tomcat B-Application tomcat O +, O , O +with O with O +bidirectional O bidirectional O +authentication O authentication O +. O . O + +I O I O +have O have O +to O to O +write O write O +the O the O +cert O cert O +into O into O +the O the O +trustKeyStoreFile B-Variable_Name trustKeyStoreFile O +. O . O + +But O But O +the O the O +user O user O +still O still O +cannot O cannot O +visit O visit O +the O the O +website O website O +without O without O +restarting O restarting O +tomcat B-Application tomcat O +. O . O + +I O I O +think O think O +it O it O +is O is O +because O because O +tomcat B-Application tomcat O +reads O reads O +the O the O +file O file O +when O when O +it O it O +starts O starts O +. O . O + +So O So O +even O even O +if O if O +I O I O +write O write O +the O the O +cert O cert O +into O into O +the O the O +trustKeyStoreFile B-Variable_Name trustKeyStoreFile O +, O , O +the O the O +cert O cert O +is O is O +still O still O +not O not O +trusted O trusted O +. O . O + +I O I O +cannot O cannot O +restart O restart O +the O the O +server B-Application server O +every O every O +time O time O +there O there O +is O is O +a O a O +new O new O +user O user O +, O , O +so O so O +how O how O +can O can O +I O I O +let O let O +the O the O +server B-Application server O +reread O reread O +the O the O +file O file O +when O when O +it O it O +is O is O +changed O changed O +? O ? O + +Question_ID O Question_ID O +: O : O +41522605 O 41522605 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41522605/ O https://stackoverflow.com/questions/41522605/ O + + +As O As O +this O this O +question O question O +is O is O +closed O closed O +( O ( O +where O where O +I O I O +intended O intended O +to O to O +answer O answer O +first O first O +) O ) O +I O I O +'m O 'm O +opening O opening O +this O this O +one O one O +. O . O + +On O On O +some O some O +machines O machines O +it O it O +is O is O +forbidden O forbidden O +to O to O +install/download O install/download O +binaries B-File_Type binaries O +so O so O +I O I O +want O want O +to O to O +know O know O +how O how O +can O can O +I O I O +check O check O +if O if O +a O a O +port B-Device port O +on O on O +a O a O +remote O remote O +machine O machine O +is O is O +open O open O +using O using O +only O only O +native O native O +windows B-Operating_System windows O +script O script O +capabilities O capabilities O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41522605 O 41522605 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41522605/ O https://stackoverflow.com/questions/41522605/ O + + +Upsettingly O Upsettingly O +, O , O +Windows B-Operating_System Windows O +does O does O +not O not O +offer O offer O +simple O simple O +tools O tools O +to O to O +check O check O +whether O whether O +port B-Device port O +is O is O +open O open O +on O on O +a O a O +remote O remote O +server B-Application server O +. O . O + +One O One O +option O option O +is O is O +telnet B-Application telnet O +but O but O +it O it O +cannot O cannot O +be O be O +scripted O scripted O +as O as O +it O it O +closes O closes O +when O when O +its O its O +output O output O +is O is O +redirected O redirected O +or O or O +captured O captured O +. O . O + +Once O Once O +upon O upon O +a O a O +time O time O +there O there O +was O was O +a O a O +MSWinsock.Winsock.1 B-Library_Class MSWinsock.Winsock.1 O +COM O COM O +object O object O +installed O installed O +on O on O +Windows B-Operating_System Windows O +machines O machines O +that O that O +could O could O +be O be O +used O used O +in O in O +a O a O +script O script O +, O , O +but O but O +no O no O +more O more O +. O . O + +PortQry B-Application PortQry O +and O and O +PsPing B-Application PsPing O +are O are O +a O a O +wonderful O wonderful O +tools O tools O +but O but O +you O you O +still O still O +have O have O +to O to O +download O download O +them O them O +( O ( O +despite O despite O +it O it O +being O being O +provided O provided O +by O by O +Microsoft B-Organization Microsoft O +) O ) O +. O . O + +So O So O +the O the O +easiest O easiest O +way O way O +is O is O +to O to O +rely O rely O +on O on O +PowerShell B-Application PowerShell O +. O . O + +Here O Here O +is O is O +the O the O +code O code O +for O for O +a O a O +simple O simple O +.bat B-File_Type .bat O +script O script O +, O , O +internally O internally O +using O using O +Powershell B-Application Powershell O +to O to O +get O get O +the O the O +job O job O +done O done O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5951 I-Code_Block A_5951 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Some O Some O +machines O machines O +have O have O +.NET B-Library .NET O +framework O framework O +without O without O +PowerShell B-Application PowerShell O +installed O installed O +so O so O +in O in O +this O this O +case O case O +C# B-Language C# O +code O code O +can O can O +be O be O +embedded O embedded O +into O into O +a O a O +batch B-Language batch O +script I-Language script O +using O using O +msbuild B-Application msbuild O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5952 I-Code_Block A_5952 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +As O As O +for O for O +the O the O +machines O machines O +without O without O +.NET B-Library .NET O +framework O framework O +I O I O +do O do O +n't O n't O +know O know O +any O any O +native O native O +method O method O +to O to O +check O check O +remote O remote O +ports B-Device ports O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41522605 O 41522605 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41522605/ O https://stackoverflow.com/questions/41522605/ O + + +If O If O +you O you O +only O only O +want O want O +to O to O +check O check O +TCP O TCP O +ports B-Device ports O +you O you O +can O can O +use O use O +Test-NetConnection B-Code_Block Test-NetConnection O +. O . O + +If O If O +offers O offers O +a O a O +-Port B-Code_Block -Port B-Code_Block +parameter O parameter O +to O to O +define O define O +the O the O +TCP O TCP O +port B-Device port O +. O . O + +Question_ID O Question_ID O +: O : O +7692847 O 7692847 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7692847/ O https://stackoverflow.com/questions/7692847/ O + + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +I O I O +am O am O +new O new O +to O to O +PHP B-Language PHP O +and O and O +wanted O wanted O +to O to O +make O make O +sure O sure O +. O . O + +If O If O +i O i O +use O use O +mysql_real_escape_string B-Library_Function mysql_real_escape_string O +for O for O +user O user O +generated O generated O +input O input O +( O ( O +variables O variables O +) O ) O +, O , O +the O the O +query O query O +wo O wo O +n't O n't O +be O be O +hacked O hacked O +? O ? O + +Sample O Sample O +script O script O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_609 I-Code_Block Q_609 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7692847 O 7692847 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7692847/ O https://stackoverflow.com/questions/7692847/ O + + +Do O Do O +n't O n't O +use O use O +straight O straight O +mysql B-Application mysql O +. O . O + +Use O Use O +the O the O +mysqli B-Application mysqli B-Code_Block +( O ( O +notice O notice O +the O the O +i) O i) O +or O or O +PDO B-Library PDO O +library O library O +and O and O +use O use O +prepared O prepared O +statements O statements O +. O . O + +Using O Using O +prepared O prepared O +statements O statements O +is O is O +more O more O +secure O secure O +than O than O +using O using O +straight O straight O +queries O queries O +and O and O +including O including O +the O the O +variable O variable O +in O in O +the O the O +query O query O +string B-Data_Type string O +. O . O + +According O According O +to O to O +the O the O +PHP B-Language PHP O +documentation O documentation O +, O , O +mysql B-Application mysql O +will O will O +be O be O +deprecated O deprecated O +. O . O + +It O It O +is O is O +no O no O +longer O longer O +underdevelopment O underdevelopment O +and O and O +the O the O +mysqli B-Application mysqli B-Code_Block +and O and O +PDO B-Library PDO B-Code_Block +extensions O extensions O +should O should O +be O be O +used O used O +instead O instead O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7692847 O 7692847 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7692847/ O https://stackoverflow.com/questions/7692847/ O + + +You O You O +'re O 're O +pretty O pretty O +safe O safe O +if O if O +your O your O +using O using O +both O both O +quotes O quotes O +and O and O +mysql_real_escape_string B-Library_Function mysql_real_escape_string O +. O . O + +You O You O +may O may O +want O want O +to O to O +look O look O +at O at O +PDO B-Library PDO O +or O or O +at O at O +least O least O +mysqli B-Application mysqli O +for O for O +other O other O +reasons O reasons O +. O . O + +Question_ID O Question_ID O +: O : O +44835459 O 44835459 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44835459/ O https://stackoverflow.com/questions/44835459/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +create O create O +a O a O +custom O custom O +class O class O +that O that O +creates O creates O +a O a O +button B-User_Interface_Element button O +. O . O + +I O I O +'m O 'm O +having O having O +trouble O trouble O +adding O adding O +a O a O +target O target O +to O to O +that O that O +button B-User_Interface_Element button O +inside O inside O +it O it O +'s O 's O +class O class O +. O . O + +This O This O +is O is O +my O my O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5833 I-Code_Block Q_5833 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +problem O problem O +is O is O +that O that O +I O I O +ca O ca O +n't O n't O +connect O connect O +an O an O +action O action O +on O on O +button B-User_Interface_Element button O +click O click O +. O . O + +This O This O +works O works O +if O if O +it O it O +'s O 's O +used O used O +outside O outside O +my O my O +class O class O +but O but O +not O not O +inside O inside O +. O . O + +Usage O Usage O +of O of O +the O the O +class O class O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5834 I-Code_Block Q_5834 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +44835459 O 44835459 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44835459/ O https://stackoverflow.com/questions/44835459/ O + + +Nothing O Nothing O +is O is O +holding O holding O +a O a O +strong O strong O +reference O reference O +to O to O +your O your O +SelectButton B-Class_Name SelectButton B-Code_Block +instance O instance O +, O , O +so O so O +as O as O +soon O soon O +as O as O +the O the O +function O function O +that O that O +creates O creates O +test B-Variable_Name test B-Code_Block +exits O exits O +, O , O +that O that O +instance O instance O +is O is O +released O released O +. O . O + +The O The O +button B-User_Interface_Element button O +itself O itself O +is O is O +retained O retained O +because O because O +you O you O +have O have O +added O added O +it O it O +as O as O +a O a O +subview B-Library_Variable subview O +. O . O + +Therefore O Therefore O +, O , O +it O it O +is O is O +still O still O +visible O visible O +but O but O +there O there O +is O is O +no O no O +longer O longer O +an O an O +object O object O +to O to O +respond O respond O +to O to O +the O the O +action O action O +. O . O + +You O You O +either O either O +need O need O +to O to O +use O use O +an O an O +instance O instance O +property O property O +rather O rather O +than O than O +a O a O +local O local O +variable O variable O +for O for O +test B-Variable_Name test B-Code_Block +, O , O +or O or O +, O , O +preferably O preferably O +have O have O +SelectButton B-Class_Name SelectButton B-Code_Block +inherit O inherit O +directly O directly O +from O from O +UIButton B-Library_Class UIButton B-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +44835459 O 44835459 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44835459/ O https://stackoverflow.com/questions/44835459/ O + + +When O When O +someone O someone O +taps O taps O +the O the O +button B-User_Interface_Element button O +, O , O +usually O usually O +you O you O +want O want O +something O something O +to O to O +happen O happen O +somewhere O somewhere O +else O else O +in O in O +your O your O +app O app O +( O ( O +like O like O +in O in O +one O one O +of O of O +your O your O +view O view O +controllers O controllers O +or O or O +in O in O +some O some O +other O other O +UI O UI O +element O element O +) O ) O +. O . O + +The O The O +way O way O +the O the O +IBAction B-Library_Class IBAction O +is O is O +set O set O +up O up O +right O right O +now O now O +, O , O +you O you O +have O have O +it O it O +so O so O +that O that O +something O something O +will O will O +trigger O trigger O +or O or O +happen O happen O +within O within O +the O the O +button B-User_Interface_Element button O +itself O itself O +when O when O +someone O someone O +taps O taps O +on O on O +it O it O +. O . O + +If O If O +you O you O +want O want O +to O to O +handle O handle O +a O a O +button B-User_Interface_Element button O +tap O tap O +programmatically O programmatically O +instead O instead O +of O of O +ctrl B-Keyboard_IP ctrl O +dragging O dragging O +from O from O +the O the O +button B-User_Interface_Element button O +into O into O +the O the O +view O view O +controller O controller O +, O , O +you O you O +can O can O +do O do O +it O it O +this O this O +way O way O +if O if O +you O you O +prefer O prefer O +. O . O + +First O First O +, O , O +add O add O +this O this O +code O code O +into O into O +the O the O +view O view O +controller O controller O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6485 I-Code_Block A_6485 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +you O you O +can O can O +either O either O +add O add O +the O the O +selector O selector O +programmatically O programmatically O +by O by O +adding O adding O +this O this O +method O method O +into O into O +your O your O +view O view O +controller O controller O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6486 I-Code_Block A_6486 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +by O by O +going O going O +to O to O +the O the O +connections O connections O +inspector O inspector O +and O and O +dragging O dragging O +from O from O +the O the O +touch O touch O +up O up O +inside O inside O +over O over O +to O to O +the O the O +IBAction B-Library_Class IBAction O +dot O dot O +in O in O +your O your O +view O view O +controller O controller O +code O code O +. O . O + +Also O Also O +, O , O +as O as O +someone O someone O +else O else O +pointed O pointed O +out O out O +in O in O +the O the O +comments O comments O +you O you O +should O should O +make O make O +your O your O +button B-User_Interface_Element button O +inherit O inherit O +from O from O +UIButton B-Variable_Name UIButton O +by O by O +adding O adding O +this O this O +to O to O +your O your O +class O class O +declaration O declaration O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6487 I-Code_Block A_6487 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +8467440 O 8467440 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8467440/ O https://stackoverflow.com/questions/8467440/ O + + +how O how O +can O can O +I O I O +capture O capture O +all O all O +lines O lines O +from O from O +a O a O +text B-File_Type text O +file O file O +that O that O +begin O begin O +with O with O +the O the O +character O character O +" B-Value " O +X I-Value X O +" I-Value " O +or O or O +contain O contain O +the O the O +word O word O +" B-Value " O +foo I-Value foo O +" I-Value " O +? O ? O + +This O This O +works O works O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_720 I-Code_Block Q_720 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +but O but O +I O I O +tried O tried O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_721 I-Code_Block Q_721 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +variations O variations O +but O but O +cannot O cannot O +find O find O +the O the O +right O right O +syntax O syntax O +anywhere O anywhere O +. O . O + +how O how O +can O can O +this O this O +be O be O +done O done O +? O ? O + +thanks O thanks O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8467440 O 8467440 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8467440/ O https://stackoverflow.com/questions/8467440/ O + + +If O If O +your O your O +grep B-Code_Block grep O +implementation O implementation O +is O is O +n't O n't O +POSIX B-Operating_System POSIX O +compliant O compliant O +, O , O +you O you O +can O can O +use O use O +egrep B-Code_Block egrep O +instead O instead O +of O of O +grep B-Code_Block grep O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1025 I-Code_Block A_1025 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8467440 O 8467440 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8467440/ O https://stackoverflow.com/questions/8467440/ O + + +contains O contains B-Code_Block +the O the I-Code_Block +word O word I-Code_Block +" B-Value " I-Code_Block +foo I-Value foo I-Code_Block +" I-Value " I-Code_Block +is O is O +: O : O +(.* B-Code_Block (.* B-Code_Block +foo.* I-Code_Block foo.* I-Code_Block +) I-Code_Block ) I-Code_Block +so O so O +your O your O +regex O regex O +would O would O +become O become O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1026 I-Code_Block A_1026 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +4283227 O 4283227 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4283227/ O https://stackoverflow.com/questions/4283227/ O + + +I O I O +'m O 'm O +having O having O +problems O problems O +with O with O +the O the O +IDE B-Application IDE O +since O since O +it O it O +keeps O keeps O +opening O opening O +when O when O +I O I O +tried O tried O +to O to O +closed O closed O +it O it O +. O . O + +Do O Do O +you O you O +have O have O +the O the O +same O same O +problem O problem O +and O and O +solution O solution O +for O for O +that O that O +? O ? O + +Edit O Edit O + +I O I O +recently O recently O +install O install O +hotfixes B-Application hotfixes O +: O : O + +[ O [ O +crashes B-Error_Name crashes O +on I-Error_Name on O +shutdown I-Error_Name shutdown O +] O ] O +VS10-KB2275326-x86 B-Version VS10-KB2275326-x86 O + +[ O [ O +insufficient B-Error_Name insufficient O +memory I-Error_Name memory O +bug I-Error_Name bug O +when I-Error_Name when O +copy-paste I-Error_Name copy-paste O +] O ] O +VS10-KB2251084-x86 B-Version VS10-KB2251084-x86 O + +[ O [ O +search B-Error_Name search O +box I-Error_Name box O +increased I-Error_Name increased O +size I-Error_Name size O +bug I-Error_Name bug O +] O ] O +VS10-KB2268081-x86 B-Version VS10-KB2268081-x86 O + +[ O [ O +unnescessarily B-Error_Name unnescessarily O +scrolling I-Error_Name scrolling O +in I-Error_Name in O +context I-Error_Name context O +menus I-Error_Name menus O +] O ] O +VS10-KB2345133-x86 B-Version VS10-KB2345133-x86 O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +4283227 O 4283227 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4283227/ O https://stackoverflow.com/questions/4283227/ O + + +Try O Try O +to O to O +use O use O +this O this O +hotfix B-Application hotfix O +KB2275326 B-Value KB2275326 O +†I-Value †O +" I-Value " O +The O The O +Visual B-Application Visual O +Studio I-Application Studio O +2010 B-Version 2010 O +development O development O +environment O environment O +crashes O crashes O +on O on O +shutdown O shutdown O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +4283227 O 4283227 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4283227/ O https://stackoverflow.com/questions/4283227/ O + + +There O There O +'s O 's O +a O a O +checkbox B-User_Interface_Element checkbox O +in O in O +visual B-Application visual O +studio I-Application studio O +2010 B-Version 2010 O +that O that O +asks O asks O +if O if O +it O it O +should O should O +restart O restart O +automatically O automatically O +when O when O +it O it O +crashes O crashes O +. O . O + +So O So O +if O if O +its O its O +crashing O crashing O +then O then O +this O this O +is O is O +the O the O +expected O expected O +behavior O behavior O +but O but O +if O if O +its O its O +opening O opening O +after O after O +you O you O +click O click O +the O the O +exit O exit O +button B-User_Interface_Element button O +i O i O +have O have O +no O no O +idea O idea O +about O about O +its O its O +cause O cause O +. O . O + +Question_ID O Question_ID O +: O : O +39685910 O 39685910 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39685910/ O https://stackoverflow.com/questions/39685910/ O + + +I O I O +recently O recently O +install O install O +Linux B-Operating_System Linux O +Mint B-Version Mint O +( O ( O +KDE B-Version KDE O +Plasma I-Version Plasma O +) O ) O +on O on O +my O my O +SSD B-Device SSD O +( O ( O +30GB O 30GB O +Partition O Partition O +) O ) O +after O after O +that O that O +I O I O +install O install O +Windows B-Operating_System Windows O +10 B-Version 10 O +on O on O +remaining O remaining O +storage O storage O +. O . O + +But O But O +when O when O +I O I O +tried O tried O +to O to O +boot O boot O +in O in O +Linux B-Operating_System Linux O +Mint B-Version Mint O +my O my O +Computer B-Device Computer O +automatically O automatically O +boot O boot O +Windows B-Operating_System Windows O +10 B-Version 10 O +without O without O +showing O showing O +Boot O Boot O +options O options O +for O for O +selecting O selecting O +OS O OS O +. O . O + +Now O Now O +, O , O +how O how O +to O to O +install O install O +GRUB B-Application GRUB O +on O on O +Master B-Device Master O +Boot I-Device Boot O +Record I-Device Record O +( O ( O +MBR O MBR O +) O ) O +of O of O +my O my O +SSD B-Device SSD O +to O to O +boot O boot O +both O both O +OS O OS O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +39685910 O 39685910 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39685910/ O https://stackoverflow.com/questions/39685910/ O + + +First O First O +live O live O +boot O boot O +to O to O +your O your O +Linux B-Operating_System Linux O +Mint B-Version Mint O +system O system O +, O , O +using O using O +external O external O +Live O Live O +CD/USB B-Device CD/USB O +Drive I-Device Drive O +, O , O +then O then O +follow O follow O +these O these O +commands O commands O +to O to O +re-install O re-install O +GRUB B-Application GRUB O +on O on O +MBR B-Device MBR O +. O . O + +mount O mount O +your O your O +Linux B-Operating_System Linux O +installed O installed O +partition O partition O +to O to O +some O some O +mount O mount O +point O point O +. O . O + +here O here O +XY O XY O +is O is O +the O the O +number O number O +of O of O +your O your O +Linux B-Operating_System Linux O +distro O distro O +partition O partition O +. O . O + +sudo B-Code_Block sudo B-Code_Block +mount I-Code_Block mount I-Code_Block + I-Code_Block /dev/sdaXY]> I-Code_Block + I-Code_Block /mnt/]> I-Code_Block + +Now O Now O +bind O bind O +some O some O +essential O essential O +live O live O +root O root O +partition O partition O +directories O directories O +to O to O +mounted O mounted O +root O root O +partition O partition O +at O at O +/mnt B-File_Name /mnt O +. O . O + +sudo B-Code_Block sudo B-Code_Block +mount I-Code_Block mount I-Code_Block +--bind I-Code_Block --bind I-Code_Block +/dev I-Code_Block /dev I-Code_Block +/mnt/dev I-Code_Block /mnt/dev I-Code_Block +&& I-Code_Block && I-Code_Block +sudo I-Code_Block sudo I-Code_Block +mount I-Code_Block mount I-Code_Block +--bind I-Code_Block --bind I-Code_Block +/dev/pts I-Code_Block /dev/pts I-Code_Block +/mnt/dev/pts I-Code_Block /mnt/dev/pts I-Code_Block +&& I-Code_Block && I-Code_Block +sudo I-Code_Block sudo I-Code_Block +mount I-Code_Block mount I-Code_Block +--bind I-Code_Block --bind I-Code_Block +/proc I-Code_Block /proc I-Code_Block +/mnt/proc I-Code_Block /mnt/proc I-Code_Block +&& I-Code_Block && I-Code_Block +sudo I-Code_Block sudo I-Code_Block +mount I-Code_Block mount I-Code_Block +--bind I-Code_Block --bind I-Code_Block +/sys I-Code_Block /sys I-Code_Block +/mnt/sys I-Code_Block /mnt/sys I-Code_Block + +Now O Now O +, O , O +change O change O +the O the O +root O root O +to O to O +newly O newly O +mounted O mounted O +partition O partition O +directory O directory O +. O . O + +sudo B-Code_Block sudo B-Code_Block +chroot I-Code_Block chroot I-Code_Block + I-Code_Block /mnt/]> I-Code_Block + +Now O Now O +, O , O +install O install O +the O the O +GRUB B-Application GRUB O +using O using O +grub-install B-Code_Block grub-install O +command O command O +at O at O +your O your O +HDD B-Device HDD O +MBR I-Device MBR O +. O . O + +grub-install B-Code_Block grub-install B-Code_Block +/dev/sda I-Code_Block /dev/sda I-Code_Block + +Finally O Finally O +update O update O +the O the O +grub B-Application grub O +entries O entries O +to O to O +show O show O +newly O newly O +detected O detected O +partition O partition O +operating O operating O +systems O systems O +. O . O + +update-grub B-Code_Block update-grub B-Code_Block + +And O And O +at O at O +last O last O +unmount O unmount O +all O all O +the O the O +binded O binded O +partition O partition O +directories O directories O +, O , O +and O and O +then O then O +reboot O reboot O +. O . O + +sudo B-Code_Block sudo B-Code_Block +reboot I-Code_Block reboot I-Code_Block + +That O That O +'s O 's O +it O it O +, O , O +hope O hope O +this O this O +will O will O +help O help O +! O ! O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +39685910 O 39685910 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39685910/ O https://stackoverflow.com/questions/39685910/ O + + +Windows B-Operating_System Windows O +will O will O +overwrite O overwrite O +the O the O +boot O boot O +sector O sector O +whenever O whenever O +you O you O +install O install O +it O it O +. O . O + +In O In O +general O general O +install O install O +windows B-Operating_System windows O +first O first O +then O then O +linux B-Operating_System linux O +. O . O + +You O You O +can O can O +repair O repair O +the O the O +grub B-Application grub O +by O by O +booting O booting O +from O from O +a O a O +live O live O +disk B-Device disk O +of O of O +linux B-Operating_System linux O +Mint B-Version Mint O +and O and O +there O there O +should O should O +be O be O +an O an O +option O option O +to O to O +repair-boot O repair-boot O +, O , O +which O which O +will O will O +repair O repair O +your O your O +grub B-Application grub O +. O . O + +Restart O Restart O +it O it O +and O and O +now O now O +you O you O +should O should O +be O be O +able O able O +to O to O +see O see O +both O both O +the O the O +OS O OS O +. O . O + +Or O Or O +you O you O +can O can O +boot O boot O +from O from O +a O a O +live O live O +cd B-Device cd O +and O and O +perform O perform O +the O the O +following O following O +steps O steps O +: O : O + +Boot O Boot O +from O from O +a O a O +live O live O +CD B-Device CD O +( O ( O +CD/DVD B-Device CD/DVD O +or O or O +flash B-Device flash O +drive I-Device drive O +) O ) O +. O . O + +Become O Become O +root O root O +or O or O +use O use O +sudo B-Code_Block sudo O +with O with O +commands O commands O +below O below O +. O . O + +List O List O +the O the O +available O available O +partitions O partitions O +if O if O +needed O needed O +: O : O +fdisk B-Code_Block fdisk O +-l I-Code_Block -l O + +Windows B-Operating_System Windows O +will O will O +almost O almost O +certainly O certainly O +exist O exist O +on O on O +/dev/sda1 B-File_Name /dev/sda1 O +: I-File_Name : O +mount I-File_Name mount O +/dev/sda1 I-File_Name /dev/sda1 O +/mnt I-File_Name /mnt O + +Reinstall O Reinstall O +GRUB B-Application GRUB O +in O in O +the O the O +MBR B-Device MBR O +: O : O +grub-install B-Code_Block grub-install O +--root-directory I-Code_Block --root-directory O += I-Code_Block = O +/mnt/ I-Code_Block /mnt/ O +/dev/sda I-Code_Block /dev/sda O + +Reboot O Reboot O +: O : O +shutdown B-Code_Block shutdown O +-r I-Code_Block -r O +now I-Code_Block now O + +Restore O Restore O +the O the O +GRUB B-Application GRUB O +menu O menu O +: O : O +update-grub B-Code_Block update-grub O + +Thanks O Thanks O +to O to O +@christopher B-User_Name @christopher O +for O for O +the O the O +above O above O +answer O answer O +. O . O + +Question_ID O Question_ID O +: O : O +47953730 O 47953730 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47953730/ O https://stackoverflow.com/questions/47953730/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6378 I-Code_Block Q_6378 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +am O am O +writing O writing O +a O a O +code O code O +in O in O +Java B-Language Java O +and O and O +I O I O +want O want O +my O my O +output O output O +to O to O +be O be O +3 O 3 O +characters B-Data_Type characters O +from O from O +a B-Value a O +to O to O +z B-Value z O +and O and O +2 O 2 O +numbers B-Data_Type numbers O +from O from O +0 B-Value 0 O +to O to O +9 B-Value 9 O +( O ( O +e.g O e.g O +. O . O +abc0 B-Value abc0 O +1) I-Value 1) O +but O but O +the O the O +program O program O +gives O gives O +me O me O +1 O 1 O +character B-Data_Type character O +and O and O +1 O 1 O +number B-Data_Type number O +( O ( O +e.g O e.g O +. O . O +a B-Value a O +1) I-Value 1) O +. O . O + +Why O Why O +does O does O +the O the O +program O program O +do O do O +this O this O +despite O despite O +I O I O +'ve O 've O +put O put O +3 O 3 O +and O and O +2 O 2 O +into O into O +loops O loops O +? O ? O + +From O From O +all O all O +I O I O +know O know O +the O the O +first O first O +loop O loop O +must O must O +operate O operate O +3 O 3 O +times O times O +and O and O +the O the O +second O second O +one O one O +must O must O +operate O operate O +2 O 2 O +times O times O +. O . O + +So O So O +at O at O +the O the O +end O end O +my O my O +output O output O +have O have O +to O to O +be O be O +3 O 3 O +characters B-Data_Type characters O +and O and O +2 O 2 O +numbers B-Data_Type numbers O +. O . O + +Thanks O Thanks O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +47953730 O 47953730 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47953730/ O https://stackoverflow.com/questions/47953730/ O + + +char B-Data_Type char B-Code_Block +and O and O +int B-Data_Type int B-Code_Block +can O can O +store O store O +one O one O +value O value O +so O so O +use O use O +String B-Data_Type String B-Code_Block +as O as O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7016 I-Code_Block A_7016 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +47953730 O 47953730 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47953730/ O https://stackoverflow.com/questions/47953730/ O + + +You O You O +generate O generate O +your O your O +random O random O +items O items O +correctly O correctly O +, O , O +but O but O +you O you O +do O do O +not O not O +collect O collect O +the O the O +results O results O +in O in O +a O a O +proper O proper O +way O way O +. O . O + +Each O Each O +iteration O iteration O +of O of O +the O the O +loop O loop O +writes O writes O +over O over O +the O the O +results O results O +of O of O +prior O prior O +iteration O iteration O +, O , O +leaving O leaving O +both O both O +a B-Variable_Name a B-Code_Block +and O and O +b B-Variable_Name b B-Code_Block +with O with O +the O the O +result O result O +of O of O +the O the O +last O last O +iteration O iteration O +. O . O + +I O I O +recommend O recommend O +using O using O +a O a O +StringBuilder B-Library_Class StringBuilder B-Code_Block +to O to O +store O store O +characters B-Data_Type characters O +as O as O +you O you O +generate O generate O +them O them O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7017 I-Code_Block A_7017 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Demo O Demo O +. O . O + +Question_ID O Question_ID O +: O : O +39152069 O 39152069 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39152069/ O https://stackoverflow.com/questions/39152069/ O + + +I O I O +am O am O +attempting O attempting O +to O to O +create O create O +a O a O +boot B-Application boot O +loader I-Application loader O +which O which O +allows O allows O +me O me O +to O to O +update O update O +a O a O +processor B-Device processor O +'s O 's O +software O software O +remotely O remotely O +. O . O + +I O I O +am O am O +using O using O +keil B-Application keil O +uvision I-Application uvision O +compiler I-Application compiler O +( O ( O +V5.20.0.0 B-Version V5.20.0.0 O +) O ) O +. O . O + +Flash.c B-File_Name Flash.c O +, O , O +startup_efm32zg.s B-File_Name startup_efm32zg.s O +, O , O +startup_efm32zg.c B-File_Name startup_efm32zg.c O +and O and O +em_dma.c B-File_Name em_dma.c O +configured O configured O +to O to O +execute O execute O +from O from O +RAM B-Device RAM O +( O ( O +code O code O +, O , O +Zero O Zero O +init O init O +data O data O +, O , O +other O other O +data O data O +) O ) O +via O via O +their O their O +options/properties O options/properties O +tabs B-User_Interface_Element tabs O +. O . O + +Stack B-Data_Structure Stack O +size O size O +configured O configured O +at O at O +0x0000 B-Value 0x0000 B-Code_Block +0800 I-Value 0800 I-Code_Block +via O via O +the O the O +startup_efm32zg.s B-File_Name startup_efm32zg.s O +Configuration O Configuration O +Wizard O Wizard O +tab B-User_Interface_Element tab O +. O . O + +Using O Using O +Silicon B-Organization Silicon O +Labs I-Organization Labs O +flash.c B-File_Name flash.c O +and O and O +flash.h B-File_Name flash.h O +, O , O +removed O removed O +RAMFUNC B-Code_Block RAMFUNC B-Code_Block +as O as O +this O this O +is O is O +redundant O redundant O +to O to O +Keil B-Application Keil O +configuration O configuration O +, O , O +above O above O +. O . O + +I O I O +modified O modified O +the O the O +flash.c B-File_Name flash.c O +code O code O +slightly O slightly O +so O so O +it O it O +stays O stays O +in O in O +the O the O +FLASH_write B-Library_Function FLASH_write O +function O function O +( O ( O +supposedly O supposedly O +in O in O +RAM B-Device RAM O +) O ) O +until O until O +the O the O +DMA O DMA O +is O is O +done O done O +doing O doing O +its O its O +thing O thing O +. O . O + +I O I O +moved O moved O +the O the O + +while B-Code_Block while O +( I-Code_Block ( O +DMA->CHENS I-Code_Block DMA->CHENS O +& I-Code_Block & O +DMA_CHENS_CH0ENS I-Code_Block DMA_CHENS_CH0ENS O +) I-Code_Block ) O +; B-Code_Block ; O + +line O line O +down O down O +to O to O +the O the O +end O end O +of O of O +the O the O +function O function O +and O and O +added O added O +a O a O +little O little O +wrapper O wrapper O +around O around O +it O it O +like O like O +this O this O +: O : O + +/ B-Code_Block / O +* I-Code_Block * O +Activate I-Code_Block Activate O +channel I-Code_Block channel O +0 I-Code_Block 0 O +* I-Code_Block * O +/ I-Code_Block / O + +DMA->CHENS B-Code_Block DMA->CHENS O += I-Code_Block = O +DMA_CHENS_CH0ENS I-Code_Block DMA_CHENS_CH0ENS O +; I-Code_Block ; O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4924 I-Code_Block Q_4924 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +FLASH_init() B-Library_Function FLASH_init() B-Code_Block +is O is O +called O called O +as O as O +part O part O +of O of O +the O the O +initial O initial O +setup O setup O +prior O prior O +to O to O +entering O entering O +my O my O +infinite O infinite O +loop O loop O +. O . O + +When O When O +called O called O +upon O upon O +to O to O +update O update O +the O the O +flash B-Device flash O +.... O .... O +. O . O + +( O ( O +1) O 1) O +: O : O +I O I O +disable O disable O +interrupts O interrupts O +. O . O + +( O ( O +2) O 2) O +: O : O +I O I O +call O call O +FLASH_erasePage B-Library_Function FLASH_erasePage B-Code_Block +starting O starting O +at O at O +0x0000 B-Value 0x0000 B-Code_Block +2400 I-Value 2400 I-Code_Block +. O . O + +This O This O +works O works O +. O . O + +( O ( O +3) O 3) O +: O : O +I O I O +call O call O +FLASH_write B-Library_Function FLASH_write B-Code_Block +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4925 I-Code_Block Q_4925 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Where O Where O +: O : O + +startAddress B-Code_Block startAddress B-Code_Block += I-Code_Block = I-Code_Block +0x00002400 I-Code_Block 0x00002400 I-Code_Block +, O , O + +flashBuffer B-Code_Block flashBuffer B-Code_Block += I-Code_Block = I-Code_Block +a I-Code_Block a I-Code_Block +buffer I-Code_Block buffer I-Code_Block +of I-Code_Block of I-Code_Block +type I-Code_Block type I-Code_Block +uint8_t I-Code_Block uint8_t I-Code_Block +flashBuffer[256] I-Code_Block flashBuffer[256] I-Code_Block +, O , O + +#define B-Code_Block #define B-Code_Block +BLOCK_SIZE I-Code_Block BLOCK_SIZE I-Code_Block += I-Code_Block = I-Code_Block +256 I-Code_Block 256 I-Code_Block +. O . O + +It O It O +gets O gets O +stuck O stuck O +here O here O +in O in O +the O the O +function O function O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4926 I-Code_Block Q_4926 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Eventually O Eventually O +the O the O +debugger B-Application debugger O +execution O execution O +stops O stops O +and O and O +the O the O +Call O Call O +Stack B-Data_Structure Stack O +clears O clears O +to O to O +be O be O +left O left O +with O with O +0x00000000 B-Value 0x00000000 O +and O and O +ALL O ALL O +of O of O +memory O memory O +is O is O +displayed O displayed O +as O as O +0xAA B-Value 0xAA O +. O . O + +I O I O +have O have O +set O set O +aside O aside O +9K O 9K O +of O of O +flash B-Device flash O +for O for O +the O the O +bootloader B-Application bootloader O +. O . O + +After O After O +a O a O +build O build O +I O I O +am O am O +told O told O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Target O Target O +Memory O Memory O +Options O Options O +for O for O +Target1 O Target1 O +: O : O + +IROM1 B-Code_Block IROM1 B-Code_Block +: I-Code_Block : I-Code_Block +Start[0x0] I-Code_Block Start[0x0] I-Code_Block +Size[0x2400] I-Code_Block Size[0x2400] I-Code_Block + +IRAM1 B-Code_Block IRAM1 B-Code_Block +: I-Code_Block : I-Code_Block +Start[0x20000000] I-Code_Block Start[0x20000000] I-Code_Block +Size:[0x1000] I-Code_Block Size:[0x1000] I-Code_Block + +So O So O +. O . O +. O . O +what O what O +on O on O +earth O earth O +is O is O +going O going O +on O on O +? O ? O + +Any O Any O +help O help O +? O ? O + +One O One O +of O of O +my O my O +other O other O +concerns O concerns O +is O is O +that O that O +it O it O +is O is O +supposed O supposed O +to O to O +be O be O +executing O executing O +from O from O +RAM B-Device RAM O +. O . O + +When O When O +I O I O +look O look O +in O in O +the O the O +in O in O +the O the O +Call O Call O +Stack B-Data_Structure Stack O +for O for O +the O the O +Location/Value O Location/Value O +for O for O +FLASH_write B-Library_Function FLASH_write O +after O after O +having O having O +stepped O stepped O +into O into O +the O the O +FLASH_write B-Library_Function FLASH_write O +function O function O +I O I O +see O see O +0x000008A4 B-Value 0x000008A4 O +. O . O + +This O This O +is O is O +flash!(?) O flash!(?) O + +I O I O +'ve O 've O +tried O tried O +the O the O +whole O whole O +RAM_FUNC B-Library_Function RAM_FUNC O +thing O thing O +, O , O +too O too O +with O with O +the O the O +same O same O +results O results O +. O . O + + +Question_ID O Question_ID O +: O : O +28331464 O 28331464 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28331464/ O https://stackoverflow.com/questions/28331464/ O + + +This O This O +is O is O +my O my O +first O first O +question O question O +on O on O +stackoverflow B-Website stackoverflow O +. O . O + +What O What O +I O I O +want O want O +to O to O +do O do O +is O is O +to O to O +create O create O +an O an O +iframe B-Variable_Name iframe O +into O into O +test O test O +div B-HTML_XML_Tag div O +with O with O +javascript B-Language javascript O +and O and O +add O add O +html B-Language html O +code O code O +in O in O +it O it O +. O . O + +Also O Also O +I O I O +want O want O +to O to O +resize O resize O +iframe B-Variable_Name iframe O +'s O 's O +height I-Variable_Name height O +dynamically O dynamically O +. O . O + +The O The O +code O code O +below O below O +works O works O +good O good O +for O for O +me O me O +only O only O +if O if O +I O I O +set O set O +dynamic_div B-Variable_Name dynamic_div O +'s O 's O +height B-Variable_Name height O +more O more O +than O than O +150px B-Value 150px O +. O . O + +If O If O +the O the O +height B-Variable_Name height O +of O of O +the O the O +dynamic_div B-Variable_Name dynamic_div O +less O less O +than O than O +150 B-Value 150 O +it O it O +automatically O automatically O +sets O sets O +iframe B-Variable_Name iframe O +'s O 's O +height I-Variable_Name height O +to O to O +150 B-Value 150 O +. O . O + +How O How O +can O can O +I O I O +fix O fix O +this O this O +problem O problem O +? O ? O + +P.S O P.S O +: O : O +html B-Language html O +code O code O +in O in O +the O the O +html B-Variable_Name html O +variable O variable O +is O is O +dynamic O dynamic O +. O . O + +So O So O +I O I O +can O can O +not O not O +change O change O +anything O anything O +in O in O +it O it O +. O . O + +Many O Many O +Thanks O Thanks O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3303 I-Code_Block Q_3303 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +28331464 O 28331464 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28331464/ O https://stackoverflow.com/questions/28331464/ O + + +Because O Because O +of O of O +your O your O +
I-Code_Block id="container"> I-Code_Block + +Automatically O Automatically O +it O it O +wont O wont O +be O be O +as O as O +tall O tall O +as O as O +your O your O +iframe B-Variable_Name iframe O +. O . O + +Add O Add O +some O some O +style O style O +to O to O +it O it O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3937 I-Code_Block A_3937 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +28331464 O 28331464 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28331464/ O https://stackoverflow.com/questions/28331464/ O + + +The O The O +iframe B-Variable_Name iframe O +gets O gets O +a O a O +height B-Variable_Name height O +value O value O +for O for O +unknown O unknown O +reason O reason O +to O to O +me O me O +, O , O +to O to O +give O give O +it O it O +a O a O +height B-Variable_Name height O +value O value O +such O such O +as O as O +0 B-Value 0 B-Code_Block +did O did O +the O the O +trick O trick O +, O , O +The O The O +doc.body.style.cssText B-Library_Variable doc.body.style.cssText B-Code_Block +overwrites O overwrites O +the O the O +height B-Variable_Name height O +value O value O +to O to O +100% B-Value 100% B-Code_Block +anyway O anyway O +, O , O +so O so O +you O you O +do O do O +n't O n't O +need O need O +to O to O +worry O worry O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3938 I-Code_Block A_3938 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Example O Example O +JSFiddle B-Application JSFiddle O + +Question_ID O Question_ID O +: O : O +36438300 O 36438300 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36438300/ O https://stackoverflow.com/questions/36438300/ O + + +FACTS O FACTS O +: O : O + +I O I O +have O have O +a O a O +script O script O +that O that O +searches O searches O +inbox B-Application inbox O +for O for O +unread O unread O +email O email O +, O , O +and O and O +anything O anything O +that O that O +is O is O +n't O n't O +starred O starred O +are O are O +removed O removed O +from O from O +inbox B-Application inbox O +and O and O +applied O applied O +label O label O +. O . O + +There O There O +are O are O +filters O filters O +in O in O +place O place O +to O to O +label O label O +certain O certain O +email O email O +addys O addys O +as O as O +starred O starred O +. O . O + +GOAL O GOAL O +: O : O + +To O To O +move O move O +everything O everything O +from O from O +inbox B-Application inbox O +to O to O +a O a O +folder O folder O +that O that O +is O is O +not O not O +relevant O relevant O +. O . O + +Except O Except O +the O the O +items O items O +that O that O +are O are O +starred O starred O +. O . O + +Also O Also O +have O have O +a O a O +method O method O +that O that O +allows O allows O +for O for O +manually O manually O +dragging O dragging O +back O back O +to O to O +inbox B-Application inbox O +and O and O +make O make O +sure O sure O +they O they O +stay O stay O +there O there O +. O . O + +PROBLEM O PROBLEM O +: O : O + +Most O Most O +all O all O +emails O emails O +are O are O +processed O processed O +as O as O +needed O needed O +. O . O + +Only O Only O +some O some O +of O of O +the O the O +starred O starred O +emails O emails O +are O are O +still O still O +getting O getting O +the O the O +script O script O +applied O applied O +to O to O +, O , O +and O and O +are O are O +thus O thus O +moved O moved O +from O from O +inbox B-Application inbox O +and O and O +labeled O labeled O +" B-Value " O +newLabel I-Value newLabel O +" I-Value " O + +Thanks O Thanks O +for O for O +your O your O +help O help O +. O . O + +If O If O +there O there O +is O is O +a O a O +better O better O +way O way O +to O to O +accomplish O accomplish O +the O the O +same O same O +thing O thing O +, O , O +I O I O +'ll O 'll O +switch O switch O +it O it O +up O up O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4484 I-Code_Block Q_4484 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +used O used O +this O this O +link O link O +for O for O +part O part O +of O of O +this O this O +: O : O +Gmail B-Application Gmail O +Script O Script O +: O : O +search O search O +then O then O +move O move O +to O to O +inbox B-Application inbox O +, O , O +remove O remove O +label O label O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +36438300 O 36438300 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36438300/ O https://stackoverflow.com/questions/36438300/ O + + +Your O Your O +first O first O +thread O thread O +is O is O +not O not O +picking O picking O +up O up O +mails O mails O +correctly O correctly O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5219 I-Code_Block A_5219 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +indicated O indicated O +that O that O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +GmailApp.search() B-Library_Function GmailApp.search() B-Code_Block +should O should O +only O only O +use O use O +is:unread B-Code_Block is:unread B-Code_Block +in:inbox I-Code_Block in:inbox I-Code_Block +for O for O +what O what O +you O you O +want O want O +. O . O + +Also O Also O +, O , O +using O using O +the O the O +search O search O +query O query O +parameter O parameter O +label B-Code_Block label B-Code_Block +: I-Code_Block : I-Code_Block +should O should O +n't O n't O +have O have O +a O a O +dash O dash O +before O before O +it O it O +. O . O + +Check O Check O +out O out O +the O the O +documentation O documentation O +for O for O +the O the O +list O list O +of O of O +accepted O accepted O +search O search O +query O query O +parameters O parameters O +here O here O + +Question_ID O Question_ID O +: O : O +48836747 O 48836747 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48836747/ O https://stackoverflow.com/questions/48836747/ O + + +This O This O +question O question O +is O is O +about O about O +Rad B-Device Rad O +Beacon I-Device Beacon O +Dot I-Device Dot O +device O device O +for O for O +Android B-Operating_System Android O +. O . O + +I O I O +have O have O +set O set O +up O up O +notification O notification O +. O . O + +When O When O +user O user O +gets O gets O +it O it O +on O on O +his O his O +phone B-Device phone O +, O , O +he O he O +can O can O +click O click O +on O on O +it O it O +and O and O +it O it O +will O will O +redirect O redirect O +him O him O +to O to O +my O my O +website O website O +. O . O + +All O All O +notification B-User_Interface_Element notification O +works O works O +great O great O +, O , O +i O i O +have O have O +connected O connected O +it O it O +with O with O +Google B-Application Google O +Cloud I-Application Cloud O +Platform I-Application Platform O +. O . O + +Now O Now O +, O , O +when O when O +user O user O +click O click O +on O on O +notification B-User_Interface_Element notification O +, O , O +can O can O +i O i O +somehow O somehow O +to O to O +track O track O +it O it O +? O ? O + +Can O Can O +i O i O +track O track O +each O each O +click O click O +on O on O +notification B-User_Interface_Element notification O +? O ? O + +I O I O +tried O tried O +to O to O +enable O enable O +Google B-Application Google O +tracking I-Application tracking O +API I-Application API O +on O on O +the O the O +Google B-Application Google O +Cloud I-Application Cloud O +Platform I-Application Platform O +, O , O +and O and O +added O added O +credentials O credentials O +to O to O +attachments O attachments O +field O field O +in O in O +the O the O +Beacon B-Application Beacon O +Dashboard I-Application Dashboard O +Panel I-Application Panel O +, O , O +but O but O +it O it O +still O still O +does O does O +n't O n't O +work O work O +. O . O + +Do O Do O +you O you O +have O have O +a O a O +link O link O +or O or O +advice O advice O +how O how O +can O can O +i O i O +achieve O achieve O +that O that O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +48836747 O 48836747 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48836747/ O https://stackoverflow.com/questions/48836747/ O + + +I O I O +'m O 'm O +sure O sure O +there O there O +'s O 's O +should O should O +be O be O +a O a O +better O better O +solution O solution O +, O , O +and O and O +i O i O +will O will O +get O get O +a O a O +lot O lot O +of O of O +dislikes O dislikes O +for O for O +that O that O +but O but O +, O , O + +But O But O +you O you O +can O can O +set O set O +up O up O +a O a O +link O link O +example O example O +: O : O +yourwebsite.com/beacon-track O yourwebsite.com/beacon-track O +and O and O +place O place O +some O some O +tracking O tracking O +code O code O +there O there O +.. O .. O +. O . O +and O and O +set O set O +up O up O +redirect O redirect O +from O from O +yourwebsite.com/beacon O yourwebsite.com/beacon O +to O to O +your O your O +website O website O +, O , O +so O so O +when O when O +user O user O +click O click O +on O on O +notification B-User_Interface_Element notification O +it O it O +goes O goes O +to O to O +yourwebsite.com/beacon-track O yourwebsite.com/beacon-track O +, O , O +add O add O +as O as O +click O click O +, O , O +and O and O +redirect O redirect O +user O user O +to O to O +yourwebsite.com O yourwebsite.com O + +But O But O +, O , O +i O i O +'m O 'm O +sure O sure O +, O , O +there O there O +'s O 's O +a O a O +better O better O +solution O solution O + +Question_ID O Question_ID O +: O : O +30873522 O 30873522 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30873522/ O https://stackoverflow.com/questions/30873522/ O + + +I O I O +need O need O +to O to O +pull O pull O +data O data O +from O from O +columns B-Data_Structure columns O +J-Y B-Variable_Name J-Y O +from O from O +a O a O +spreadsheet B-User_Interface_Element spreadsheet O +and O and O +concatenate O concatenate O +them O them O +specifically O specifically O +for O for O +each O each O +horizontal O horizontal O +row B-Data_Structure row O +in O in O +those O those O +ranges O ranges O +into O into O +a O a O +single O single O +cell B-Data_Structure cell O +. O . O + +The O The O +best O best O +I O I O +can O can O +do O do O +is O is O +: O : O + +=CONCATENATE(IMPORTRANGE("123123123","SheetName!J1:Y1")) B-Code_Block =CONCATENATE(IMPORTRANGE("123123123","SheetName!J1:Y1")) O + +That O That O +puts O puts O +everything O everything O +from O from O +a O a O +specific O specific O +row B-Data_Structure row O +into O into O +a O a O +specific O specific O +cell B-Data_Structure cell O +. O . O + +But O But O +the O the O +range O range O +will O will O +not O not O +auto O auto O +update O update O +when O when O +I O I O +drag O drag O +the O the O +lower-right O lower-right O +box B-User_Interface_Element box O +down O down O +the O the O +column B-Data_Structure column O +. O . O + +How O How O +do O do O +I O I O +make O make O +it O it O +do O do O +that O that O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30873522 O 30873522 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30873522/ O https://stackoverflow.com/questions/30873522/ O + + +does O does O +this O this O +works O works O +as O as O +you O you O +want O want O +if O if O +pasted O pasted O +into O into O +row B-Data_Structure row O +1 O 1 O +and O and O +dragged O dragged O +down O down O +: O : O + +=CONCATENATE(IMPORTRANGE("123123123","SheetName!J"&ROW()&":Y"&ROW())) B-Code_Block =CONCATENATE(IMPORTRANGE("123123123","SheetName!J"&ROW()&":Y"&ROW())) O + +Question_ID O Question_ID O +: O : O +33318399 O 33318399 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33318399/ O https://stackoverflow.com/questions/33318399/ O + + +I O I O +'m O 'm O +working O working O +with O with O +sailsjs B-Library sailsjs O +and O and O +mongodb B-Application mongodb O +. O . O + +I O I O +'m O 'm O +getting O getting O +the O the O +error O error O +" O " O +TypeError B-Error_Name TypeError O +: O : O +Cannot O Cannot O +read O read O +property O property O +' O ' O +attributes O attributes O +' O ' O +of O of O +undefined O undefined O +" O " O +. O . O + +This O This O +are O are O +the O the O +models O models O +: O : O + +UserInterest.js B-File_Name UserInterest.js O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4053 I-Code_Block Q_4053 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +UserProfile.js B-File_Name UserProfile.js O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4054 I-Code_Block Q_4054 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'m O 'm O +trying O trying O +to O to O +get O get O +a O a O +user O user O +profile O profile O +loaded O loaded O +this O this O +way O way O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4055 I-Code_Block Q_4055 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +error O error O +happens O happens O +in O in O +populate B-Function_Name populate O +function O function O +. O . O + +Why O Why O +this O this O +is O is O +happening O happening O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +33318399 O 33318399 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33318399/ O https://stackoverflow.com/questions/33318399/ O + + +After O After O +struggling O struggling O +a O a O +lot O lot O +with O with O +this O this O +problem O problem O +, O , O +I O I O +found O found O +an O an O +answer O answer O +. O . O + +The O The O +attribute O attribute O +interests O interests O +was O was O +duplicated O duplicated O +and O and O +sails B-Library sails O +was O was O +having O having O +problems O problems O +with O with O +it O it O +. O . O + +I O I O +eliminated O eliminated O +the O the O +duplicate O duplicate O +, O , O +leaving O leaving O +the O the O +collection O collection O +definition O definition O +. O . O + +Question_ID O Question_ID O +: O : O +19025432 O 19025432 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/19025432/ O https://stackoverflow.com/questions/19025432/ O + + +I O I O +have O have O +my O my O +Play B-Library Play O +Framework I-Library Framework O +2.1.2 B-Version 2.1.2 O +application O application O +and O and O +I O I O +need O need O +to O to O +execute O execute O +clean O clean O +up O up O +instructions O instructions O +after O after O +the O the O +user O user O +logs O logs O +out O out O +or O or O +closes O closes O +the O the O +browser B-Application browser O +. O . O + +Since O Since O +in O in O +my O my O +other O other O +question O question O +I O I O +asked O asked O +how O how O +to O to O +intercept O intercept O +the O the O +closing O closing O +action O action O +and O and O +I O I O +was O was O +told O told O +it O it O +'s O 's O +not O not O +reliable O reliable O +to O to O +stick O stick O +with O with O +javascript B-Language javascript O +in O in O +browser B-Application browser O +, O , O +I O I O +would O would O +like O like O +to O to O +use O use O +its O its O +server B-Application server O +side O side O +session O session O +timeout O timeout O +event O event O +to O to O +acknowledge O acknowledge O +the O the O +user O user O +is O is O +gone O gone O +. O . O + +So O So O +the O the O +flow O flow O +I O I O +would O would O +like O like O +to O to O +obtain O obtain O +is O is O +similar O similar O +to O to O +this O this O +one O one O +: O : O + +the O the O +user O user O +logs O logs O +in O in O + +its O its O +session O session O +is O is O +created O created O + +the O the O +user O user O +works O works O +with O with O +my O my O +web O web O +application O application O + +the O the O +user O user O +logs O logs O +out O out O +/ O / O +closes O closes O +his O his O +browser B-Application browser O +---> O ---> O +the O the O +session O session O +expires O expires O + +he O he O +is O is O +not O not O +on O on O +the O the O +platform O platform O +anymore O anymore O +so O so O +I O I O +can O can O +perform O perform O +some O some O +operations O operations O +on O on O +the O the O +db O db O +about O about O +what O what O +he O he O +has O has O +done O done O + +I O I O +coul O coul O +n't O n't O +find O find O +any O any O +method O method O +to O to O +override O override O +when O when O +the O the O +session O session O +expires O expires O +. O . O + +Can O Can O +someone O someone O +point O point O +me O me O +towards O towards O +a O a O +solution O solution O +? O ? O + +Eventually O Eventually O +another O another O +acceptable O acceptable O +solution O solution O +would O would O +be O be O +some O some O +timed O timed O +event O event O +that O that O +repeatedly O repeatedly O +checks O checks O +which O which O +users O users O +are O are O +not O not O +connected O connected O +anymore O anymore O +and O and O +performs O performs O +bulk O bulk O +operations O operations O +on O on O +that O that O +pool O pool O +of O of O +users O users O +no O no O +longer O longer O +connected O connected O +. O . O + +How O How O +to O to O +achieve O achieve O +this O this O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +19025432 O 19025432 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/19025432/ O https://stackoverflow.com/questions/19025432/ O + + +I O I O +also O also O +needed O needed O +a O a O +session O session O +timeout B-Variable_Name timeout O +, O , O +so O so O +I O I O +added O added O +a O a O +timestamp B-Library_Class timestamp O +( O ( O +tick O tick O +) O ) O +to O to O +the O the O +session O session O +and O and O +updated O updated O +it O it O +with O with O +each O each O +request O request O +after O after O +checking O checking O +for O for O +a O a O +timeout B-Variable_Name timeout O +. O . O + +Something O Something O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3079 I-Code_Block A_3079 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +http://www.poornerd.com/2014/04/01/how-to-implement-a-session-timeout-in-play-framework-2/ O http://www.poornerd.com/2014/04/01/how-to-implement-a-session-timeout-in-play-framework-2/ O + +Question_ID O Question_ID O +: O : O +18281285 O 18281285 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18281285/ O https://stackoverflow.com/questions/18281285/ O + + +On O On O +what O what O +good O good O +serves O serves O +me O me O +a O a O +texture O texture O +atlas O atlas O +if O if O +my O my O +3D O 3D O +character B-User_Interface_Element character O +is O is O +big O big O +enough O enough O +and O and O +fits O fits O +only O only O +a O a O +few O few O +on O on O +the O the O +4k*4K O 4k*4K O +spritesheet B-User_Interface_Element spritesheet O +? O ? O + +Seems O Seems O +like O like O +big O big O +resolution O resolution O +( O ( O +420x768px O 420x768px O +) O ) O +graphics O graphics O +are O are O +not O not O +best O best O +suited O suited O +for O for O +such O such O +textures O textures O +and O and O +used O used O +in O in O +cocos2d B-Library cocos2d O +2 B-Version 2 O +to O to O +create O create O +nice O nice O +animations O animations O +from O from O +frames O frames O +. O . O + +So O So O +is O is O +a O a O +3d O 3d O +engine O engine O +best O best O +suited O suited O +for O for O +heavy O heavy O +sprite O sprite O +animations O animations O +? O ? O + +Anyone O Anyone O +encountered O encountered O +similar O similar O +limitations O limitations O +, O , O +when O when O +creating O creating O +a O a O +heavy O heavy O +animation O animation O +game O game O +in O in O +cocos2d B-Library cocos2d O +? O ? O + +Thanks O Thanks O +. O . O + +Question_ID O Question_ID O +: O : O +14478258 O 14478258 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/14478258/ O https://stackoverflow.com/questions/14478258/ O + + +I O I O +'m O 'm O +busy O busy O +creating O creating O +validation O validation O +for O for O +this O this O +duplicate-able O duplicate-able O +fields O fields O +, O , O +so O so O +for O for O +on O on O +blur O blur O +if O if O +nothing O nothing O +is O is O +filled O filled O +in O in O +the O the O +input O input O +' O ' O +Name B-Variable_Name Name O +' O ' O +and O and O +also O also O +' O ' O +Surname B-Variable_Name Surname O +, O , O +then O then O +a O a O +error O error O +message O message O +will O will O +show O show O +up O up O +, O , O +the O the O +only O only O +problem O problem O +is O is O +that O that O +the O the O +error O error O +shows O shows O +up O up O +for O for O +both O both O +inputs O inputs O +' O ' O +Name B-Variable_Name Name O +' O ' O +and O and O +' O ' O +Surname B-Variable_Name Surname O +' O ' O +, O , O +instead O instead O +of O of O +one O one O +. O . O + +Keep O Keep O +in O in O +Mind O Mind O +that O that O +the O the O +the O the O +bottom O bottom O +fields O fields O +are O are O +duplicate-able O duplicate-able O +and O and O +the O the O +validation O validation O +has O has O +to O to O +work O work O +for O for O +them O them O +to O to O +, O , O +hence O hence O +why O why O +the O the O +code O code O +is O is O +written O written O +as O as O +it O it O +is O is O +. O . O + +Any O Any O +Help O Help O +Greatly O Greatly O +Appreciated O Appreciated O +. O . O + +JsFiddle B-Application JsFiddle O + +And O And O +the O the O +Javascript B-Language Javascript O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1380 I-Code_Block Q_1380 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +the O the O +HTML B-Language HTML O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1381 I-Code_Block Q_1381 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +14478258 O 14478258 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/14478258/ O https://stackoverflow.com/questions/14478258/ O + + +See O See O +this O this O +: O : O +http://jsfiddle.net/6QTyd/5/ O http://jsfiddle.net/6QTyd/5/ O + +Also O Also O +note O note O +the O the O +changes O changes O +in O in O +these O these O +areas O areas O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1839 I-Code_Block A_1839 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1840 I-Code_Block A_1840 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +30098932 O 30098932 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30098932/ O https://stackoverflow.com/questions/30098932/ O + + +I O I O +am O am O +working O working O +on O on O +a O a O +cordova B-Library cordova O +android B-Operating_System android O +app O app O +. O . O + +My O My O +Question O Question O +is O is O +: O : O + +is O is O +it O it O +possible O possible O +to O to O +run O run O +a O a O +part O part O +of O of O +my O my O +app O app O +in O in O +background O background O +, O , O +so O so O +that O that O +the O the O +user O user O +can O can O +continue O continue O +his O his O +work O work O +while O while O +sending O sending O +data O data O +to O to O +server B-Application server O +in O in O +background O background O +. O . O + +i O i O +dont O dont O +want O want O +my O my O +user O user O +to O to O +wait O wait O +while O while O +i O i O +sync O sync O +my O my O +local O local O +database O database O +with O with O +remote O remote O +database O database O +. O . O + +I O I O +dont O dont O +want O want O +my O my O +whole O whole O +application O application O +to O to O +go O go O +background O background O +. O . O + +I O I O +want O want O +only O only O +the O the O +sync O sync O +process O process O +to O to O +work O work O +in O in O +background.The O background.The O +total O total O +sync O sync O +process O process O +is O is O +taking O taking O +3 O 3 O +Minutes O Minutes O +time O time O +to O to O +complete O complete O +. O . O + +currently O currently O +i O i O +am O am O +showing O showing O +a O a O +popup B-User_Interface_Element popup O +with O with O +message O message O +Sync B-Value Sync O +is I-Value is O +in I-Value in O +progress I-Value progress O +which O which O +forces O forces O +the O the O +user O user O +to O to O +wait O wait O +for O for O +completion O completion O +. O . O + +Now O Now O +i O i O +want O want O +the O the O +sync O sync O +process O process O +to O to O +work O work O +in O in O +background O background O +without O without O +disturbing O disturbing O +the O the O +user O user O +. O . O + +i O i O +used O used O +https://github.com/katzer/cordova-plugin-background-mode O https://github.com/katzer/cordova-plugin-background-mode O +but O but O +this O this O +is O is O +working O working O +when O when O +my O my O +whole O whole O +application O application O +is O is O +going O going O +in O in O +background O background O +. O . O + +If O If O +there O there O +is O is O +a O a O +way O way O +to O to O +solve O solve O +my O my O +problem O problem O +using O using O +this O this O +plugin O plugin O +please O please O +post O post O +here O here O +. O . O + +Thanks O Thanks O +in O in O +advance O advance O + +Question_ID O Question_ID O +: O : O +27882527 O 27882527 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27882527/ O https://stackoverflow.com/questions/27882527/ O + + +I O I O +have O have O +to O to O +add O add O +two O two O +digit O digit O +strings B-Data_Type strings O +, O , O +meaning O meaning O +1234 B-Value 1234 O +12+34 I-Value 12+34 O +( O ( O +at O at O +least O least O +that O that O +'s O 's O +what O what O +i O i O +gather O gather O +) O ) O +. O . O + +I O I O +wrote O wrote O +a O a O +program O program O +that O that O +does O does O +this O this O +expect O expect O +for O for O +one O one O +exception O exception O +, O , O +that O that O +is O is O +when O when O +the O the O +last O last O +number O number O +does O does O +n't O n't O +have O have O +a O a O +pair O pair O +it O it O +wont O wont O +add O add O +properly O properly O +. O . O + +Here O Here O +is O is O +the O the O +code O code O +i O i O +have O have O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3249 I-Code_Block Q_3249 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +so O so O +basically O basically O +if O if O +i O i O +have O have O +123 B-Value 123 O +the O the O +program O program O +does O does O +12+(30-48) B-Value 12+(30-48) O +, O , O +instead O instead O +of O of O +12+ B-Value 12+ O +3 I-Value 3 O +. O . O + +Ive O Ive O +been O been O +sitting O sitting O +on O on O +it O it O +for O for O +a O a O +while O while O +, O , O +and O and O +cant O cant O +figure O figure O +out O out O +how O how O +to O to O +fix O fix O +that O that O +issue O issue O +, O , O +any O any O +tips O tips O +or O or O +advice O advice O +would O would O +be O be O +welcomed O welcomed O +. O . O + +( O ( O +Strings B-Data_Type Strings O +like O like O +1234 B-Value 1234 O +or O or O +4567 B-Value 4567 O +will O will O +do O do O +12+34 B-Value 12+34 O +and O and O +45+67 B-Value 45+67 O +) O ) O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +27882527 O 27882527 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27882527/ O https://stackoverflow.com/questions/27882527/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3866 I-Code_Block A_3866 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +17345987 O 17345987 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17345987/ O https://stackoverflow.com/questions/17345987/ O + + +I O I O +'m O 'm O +using O using O +d3 B-Library d3 O +to O to O +add O add O +svg B-File_Type svg O +circles B-User_Interface_Element circles O +on O on O +leaflet B-Library leaflet O +map I-Library map O +. O . O + +My O My O +fiddle B-Application fiddle O +is O is O +here O here O +http://jsfiddle.net/nextstopsun/C3U8g/ O http://jsfiddle.net/nextstopsun/C3U8g/ O + +I O I O +'ve O 've O +added O added O +a O a O +reset() B-Function_Name reset() O +function O function O +to O to O +map O map O +viewreset B-Library_Function viewreset O +event O event O +to O to O +calculate O calculate O +transformation O transformation O +for O for O +svg B-File_Type svg O +g B-Variable_Name g O +element O element O +containing O containing O +all O all O +circles B-User_Interface_Element circles O +. O . O + +This O This O +function O function O +is O is O +called O called O +on O on O +map O map O +viewreset B-Library_Function viewreset O +event O event O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1759 I-Code_Block Q_1759 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +( O ( O +The O The O +code O code O +is O is O +originally O originally O +from O from O +this O this O +example O example O +http://bost.ocks.org/mike/leaflet/ O http://bost.ocks.org/mike/leaflet/ O +) O ) O + +I O I O +can O can O +see O see O +that O that O +the O the O +transformation O transformation O +parameters O parameters O +for O for O +g B-Variable_Name g O +element O element O +are O are O +being O being O +recalculated O recalculated O +, O , O +but O but O +circles B-User_Interface_Element circles O +are O are O +n't O n't O +repositioned O repositioned O +( O ( O +or O or O +they O they O +are O are O +repositioned O repositioned O +wrong O wrong O +) O ) O +and O and O +do O do O +n't O n't O +align O align O +with O with O +the O the O +map O map O +tilelayer B-Library_Class tilelayer O +. O . O + +Everything O Everything O +is O is O +ok O ok O +when O when O +paning O paning O +map B-User_Interface_Element map O +, O , O +though O though O +. O . O + +What O What O +has O has O +to O to O +be O be O +changed O changed O +for O for O +proper O proper O +repositioning O repositioning O +on O on O +zooming O zooming O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +17345987 O 17345987 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17345987/ O https://stackoverflow.com/questions/17345987/ O + + +In O In O +addition O addition O +to O to O +transforming O transforming O +the O the O +g B-Variable_Name g B-Code_Block +element O element O +that O that O +contains O contains O +the O the O +circles B-User_Interface_Element circles O +, O , O +you O you O +also O also O +need O need O +to O to O +reset O reset O +the O the O +coordinates O coordinates O +of O of O +the O the O +circles B-User_Interface_Element circles O +themselves O themselves O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2271 I-Code_Block A_2271 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Updated O Updated O +jsfiddle B-Application jsfiddle O +here O here O +. O . O + +Question_ID O Question_ID O +: O : O +8687352 O 8687352 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8687352/ O https://stackoverflow.com/questions/8687352/ O + + +Good O Good O +morning O morning O +to O to O +all O all O +, O , O + +What O What O +is O is O +the O the O +preferred O preferred O +way O way O +to O to O +embed O embed O +images B-User_Interface_Element images O +( O ( O +and O and O +other O other O +media O media O +in O in O +general O general O +) O ) O +in O in O +a O a O +cocoa B-Library cocoa O +application O application O +? O ? O + +Windows B-Operating_System Windows O +executables O executables O +have O have O +a O a O +resource O resource O +section O section O +that O that O +allows O allows O +you O you O +to O to O +store O store O +arbitrary O arbitrary O +data O data O +and O and O +extract O extract O +it O it O +at O at O +runtime O runtime O +. O . O + +Is O Is O +there O there O +a O a O +similar O similar O +mechanism O mechanism O +on O on O +Mac B-Operating_System Mac O +OS I-Operating_System OS O +X B-Version X O +? O ? O + +My O My O +program O program O +uses O uses O +several O several O +icons B-User_Interface_Element icons O +and O and O +images B-User_Interface_Element images O +( O ( O +statusmenu B-User_Interface_Element statusmenu O +icon I-User_Interface_Element icon O +, O , O +GUI B-User_Interface_Element GUI O +button I-User_Interface_Element button O +images I-User_Interface_Element images O +etc O etc O +) O ) O +and O and O +I O I O +would O would O +prefer O prefer O +to O to O +store O store O +them O them O +inside O inside O +the O the O +application O application O +or O or O +a O a O +resource O resource O +library O library O +rather O rather O +than O than O +just O just O +distribute O distribute O +them O them O +as O as O +plain O plain O +files O files O +. O . O + +Thank O Thank O +you O you O +very O very O +much O much O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8687352 O 8687352 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8687352/ O https://stackoverflow.com/questions/8687352/ O + + +Adding O Adding O +them O them O +to O to O +the O the O +resource B-File_Name resource O +directory O directory O +is O is O +the O the O +way O way O +to O to O +go O go O +in O in O +the O the O +vast O vast O +majority O majority O +of O of O +cases O cases O +.. O .. O +. O . O +this O this O +is O is O +the O the O +default O default O +behavior O behavior O +. O . O + +It O It O +'s O 's O +good O good O +because O because O +you O you O +can O can O +postpone O postpone O +creation O creation O +and O and O +because O because O +the O the O +system O system O +makes O makes O +immutable O immutable O +, O , O +cached O cached O +, O , O +reusable O reusable O +instances O instances O +for O for O +you O you O +. O . O + +If O If O +you O you O +do O do O +n't O n't O +like O like O +that O that O +, O , O +you O you O +can O can O +just O just O +make O make O +a O a O +quick O quick O +tool O tool O +to O to O +generate O generate O +a O a O +data O data O +representation O representation O +and O and O +emit O emit O +that O that O +to O to O +a O a O +C B-File_Type C O +file O file O +which O which O +is O is O +compiled O compiled O +into O into O +your O your O +program O program O +, O , O +then O then O +use O use O +that O that O +as O as O +an O an O +input O input O +to O to O +an O an O +image B-User_Interface_Element image O +creator O creator O +call O call O +( O ( O +assuming O assuming O +you O you O +want O want O +an O an O +NSImage B-Library_Class NSImage O +or O or O +CGImage B-Library_Class CGImage O +representation O representation O +of O of O +that O that O +) O ) O +. O . O + +But O But O +that O that O +'s O 's O +a O a O +bit O bit O +extreme O extreme O +- O - O +perhaps O perhaps O +you O you O +would O would O +favor O favor O +removing O removing O +the O the O +file O file O +extension O extension O +( O ( O +or O or O +just O just O +changing O changing O +it O it O +to O to O +something O something O +atypical O atypical O +) O ) O +and O and O +then O then O +copying O copying O +it O it O +to O to O +the O the O +resources B-File_Name resources O +directory O directory O +? O ? O + +Question_ID O Question_ID O +: O : O +23313136 O 23313136 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23313136/ O https://stackoverflow.com/questions/23313136/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +create O create O +list B-Data_Structure list O +item O item O +in O in O +Subiste O Subiste O +using O using O +SharePoint B-Application SharePoint O +Deigner I-Application Deigner O +2013 B-Version 2013 O +Call O Call O +HTTP O HTTP O +action O action O +. O . O + +I O I O +succesfuly O succesfuly O +set O set O +up O up O +this O this O +solution O solution O +using O using O +this O this O +tip O tip O +: O : O + +http://mysharepointinsight.blogspot.com/2013/05/using-sharepoint-rest-services-from.html O http://mysharepointinsight.blogspot.com/2013/05/using-sharepoint-rest-services-from.html O + +But O But O +when O when O +I O I O +create O create O +list B-Data_Structure list O +in O in O +subsite O subsite O +and O and O +change O change O +url O url O +to O to O +call O call O +from O from O + +/SITE/_api/web/lists/getbytitle('Test')/items O /SITE/_api/web/lists/getbytitle('Test')/items O + +to O to O + +/SITE/18/_api/web/lists/getbytitle('Test')/items O /SITE/18/_api/web/lists/getbytitle('Test')/items O + +( O ( O +18 B-Value 18 O +- O - O +is O is O +name O name O +and O and O +URL O URL O +of O of O +my O my O +subsite O subsite O +) O ) O + +Action O Action O +is O is O +n't O n't O +creating O creating O +item O item O +. O . O + +In O In O +both O both O +scenario O scenario O +I O I O +'m O 'm O +using O using O +SP.Data.TestListItem B-Library_Class SP.Data.TestListItem O +type O type O +in O in O +metadata O metadata O +. O . O + +EDIT O EDIT O +: O : O +I O I O +'ve O 've O +found O found O +solution O solution O +- O - O +http://msdn.microsoft.com/en-us/library/jj822159.aspx O http://msdn.microsoft.com/en-us/library/jj822159.aspx O + +Question_ID O Question_ID O +: O : O +31079782 O 31079782 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31079782/ O https://stackoverflow.com/questions/31079782/ O + + +We O We O +have O have O +a O a O +SaaS O SaaS O +web O web O +app O app O +. O . O + +We O We O +have O have O +a O a O +wildcard O wildcard O +SSL O SSL O +cert O cert O +on O on O +the O the O +main O main O +domain O domain O +: O : O +* B-Value * B-Code_Block +.webapp.com I-Value .webapp.com I-Code_Block + +Customers O Customers O +can O can O +add O add O +a O a O +custom O custom O +domain O domain O +to O to O +their O their O +account O account O +, O , O +so O so O +instead O instead O +of O of O +client.webapp.com B-Value client.webapp.com O +they O they O +can O can O +setup O setup O +a O a O +CNAME O CNAME O +to O to O +have O have O +: O : O +clientdomain.com B-Value clientdomain.com B-Code_Block + +We O We O +have O have O +some O some O +clients B-Application clients O +that O that O +want O want O +to O to O +add O add O +a O a O +SSL O SSL O +cert O cert O +to O to O +their O their O +custom O custom O +domains O domains O +. O . O + +Webapp O Webapp O +already O already O +runs O runs O +https://client.webapp.com O https://client.webapp.com B-Code_Block +but O but O +they O they O +want O want O +https://clientdomain.com O https://clientdomain.com B-Code_Block + +We O We O +are O are O +using O using O +apache B-Application apache O +( O ( O +via O via O +Plesk B-Application Plesk O +) O ) O +on O on O +the O the O +main O main O +server B-Application server O +. O . O + +Is O Is O +it O it O +possible O possible O +to O to O +achieve O achieve O +this O this O +? O ? O + +Question_ID O Question_ID O +: O : O +20896349 O 20896349 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/20896349/ O https://stackoverflow.com/questions/20896349/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +implement O implement O +procedural O procedural O +generation O generation O +in O in O +my O my O +game O game O +. O . O + +I O I O +want O want O +to O to O +really O really O +grasp O grasp O +and O and O +understand O understand O +all O all O +of O of O +the O the O +algorithms O algorithms O +nessecary O nessecary O +rather O rather O +than O than O +simply O simply O +copying/pasting O copying/pasting O +existing O existing O +code O code O +. O . O + +In O In O +order O order O +to O to O +do O do O +this O this O +I O I O +'ve O 've O +attempted O attempted O +to O to O +implement O implement O +1D O 1D O +midpoint O midpoint O +displacement O displacement O +on O on O +my O my O +own O own O +. O . O + +I O I O +'ve O 've O +used O used O +the O the O +information O information O +here O here O +to O to O +write O write O +and O and O +guide O guide O +my O my O +code O code O +. O . O + +Below O Below O +is O is O +my O my O +completed O completed O +code O code O +, O , O +it O it O +does O does O +n't O n't O +throw O throw O +an O an O +error O error O +but O but O +that O that O +results O results O +do O do O +n't O n't O +appear O appear O +correct O correct O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2218 I-Code_Block Q_2218 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Where O Where O +exactly O exactly O +have O have O +I O I O +made O made O +mistakes O mistakes O +and O and O +how O how O +might O might O +I O I O +correct O correct O +them O them O +? O ? O + +I O I O +'m O 'm O +getting O getting O +results O results O +like O like O +this O this O +: O : O + +But O But O +I O I O +was O was O +expecting O expecting O +results O results O +like O like O +this O this O +: O : O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +20896349 O 20896349 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/20896349/ O https://stackoverflow.com/questions/20896349/ O + + +The O The O +answer O answer O +is O is O +very O very O +simple O simple O +and O and O +by O by O +the O the O +way O way O +I O I O +'m O 'm O +impressed O impressed O +you O you O +managed O managed O +to O to O +debug O debug O +all O all O +the O the O +potential O potential O +off-by-one O off-by-one O +errors O errors O +in O in O +your O your O +code O code O +. O . O + +The O The O +following O following O +line O line O +is O is O +wrong O wrong O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2795 I-Code_Block A_2795 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +correctly O correctly O +compute O compute O +the O the O +center B-Variable_Name center O +index O index O +and O and O +change B-Variable_Name change O +amount O amount O +but O but O +you O you O +missed O missed O +that O that O +the O the O +change B-Variable_Name change O +should O should O +be O be O +applied O applied O +to O to O +the O the O +midpoint O midpoint O +in O in O +terms O terms O +of O of O +height O height O +. O . O + +That O That O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2796 I-Code_Block A_2796 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'m O 'm O +sure O sure O +you O you O +get O get O +the O the O +idea O idea O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +20896349 O 20896349 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/20896349/ O https://stackoverflow.com/questions/20896349/ O + + +The O The O +problem O problem O +seems O seems O +to O to O +be O be O +that O that O +you O you O +are O are O +changing O changing O +only O only O +the O the O +midpoint O midpoint O +of O of O +each O each O +line O line O +segment O segment O +, O , O +rather O rather O +than O than O +changing O changing O +the O the O +rest O rest O +of O of O +the O the O +line O line O +segment O segment O +in O in O +proportion O proportion O +to O to O +its O its O +distance O distance O +from O from O +each O each O +end O end O +to O to O +the O the O +midpoint O midpoint O +. O . O + +The O The O +following O following O +code O code O +appears O appears O +to O to O +give O give O +you O you O +something O something O +more O more O +like O like O +what O what O +you O you O +'re O 're O +looking O looking O +for O for O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2793 I-Code_Block A_2793 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +When O When O +run O run O +this O this O +way O way O +, O , O +it O it O +produces O produces O +the O the O +following O following O +result O result O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2794 I-Code_Block A_2794 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +42433948 O 42433948 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/42433948/ O https://stackoverflow.com/questions/42433948/ O + + +Within O Within O +a O a O +request O request O +on O on O +an O an O +ApiController B-Library_Class ApiController O +, O , O +I O I O +'m O 'm O +tracking O tracking O +the O the O +duration O duration O +of O of O +awaiting O awaiting O +the O the O +Sql B-Library_Class Sql O +Connection I-Library_Class Connection O +to O to O +open O open O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5406 I-Code_Block Q_5406 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +my O my O +request O request O +is O is O +not O not O +called O called O +for O for O +at O at O +least O least O +5 O 5 O +minutes O minutes O +, O , O +then O then O +any O any O +new O new O +call O call O +will O will O +see O see O +the O the O +duration O duration O +of O of O +OpenAsync B-Library_Function OpenAsync B-Code_Block +be O be O +huge O huge O +( O ( O +c O c O +. O . O +3s O 3s O +) O ) O +instead O instead O +of O of O +immediate O immediate O +. O . O + +I O I O +'d O 'd O +like O like O +to O to O +understand O understand O +the O the O +reason O reason O +to O to O +eradicate O eradicate O +that O that O +crazy O crazy O +slowness O slowness O +. O . O + +UPDATE O UPDATE O + +I O I O +created O created O +an O an O +endpoint O endpoint O +just O just O +to O to O +open O open O +the O the O +SqlConnection B-Library_Class SqlConnection B-Code_Block +. O . O + +If O If O +I O I O +wait O wait O +more O more O +than O than O +5 O 5 O +minutes O minutes O +then O then O +call O call O +that O that O +OpenConnection B-Library_Function OpenConnection B-Code_Block +endpoint O endpoint O +then O then O +call O call O +any O any O +another O another O +request O request O +, O , O +the O the O +OpenConnection B-Library_Function OpenConnection B-Code_Block +will O will O +incur O incur O +the O the O +waiting O waiting O +cost O cost O +mentioned O mentioned O +above O above O +but O but O +the O the O +request O request O +will O will O +not O not O +. O . O + +Hence O Hence O +, O , O +I O I O +'ve O 've O +scheduled O scheduled O +a O a O +job O job O +on O on O +Azure B-Application Azure O +to O to O +run O run O +every O every O +minute O minute O +and O and O +call O call O +the O the O +OpenConnection B-Library_Function OpenConnection B-Code_Block +endpoint O endpoint O +. O . O + +However O However O +, O , O +when O when O +I O I O +make O make O +requests O requests O +from O from O +my O my O +http O http O +client B-Application client O +, O , O +I O I O +incur O incur O +the O the O +waiting O waiting O +time O time O +. O . O + +As O As O +if O if O +opened O opened O +the O the O +SqlConnection B-Library_Class SqlConnection B-Code_Block +was O was O +somehow O somehow O +linked O linked O +to O to O +the O the O +http O http O +client B-Application client O +ip. O ip. O +. O . O + +Also O Also O +, O , O +that O that O +5 O 5 O +minutes O minutes O +windows O windows O +is O is O +typical O typical O +of O of O +DNS O DNS O +TTL. O TTL. O +. O . O + +However O However O +3s O 3s O +for O for O +a O a O +DNS O DNS O +lookup O lookup O +of O of O +the O the O +Database O Database O +endpoint O endpoint O +is O is O +too O too O +long O long O +. O . O + +It O It O +ca O ca O +n't O n't O +be O be O +that O that O +. O . O + +UPDATE O UPDATE O +2 O 2 O + +Time O Time O +observed O observed O +at O at O +the O the O +htt O htt O +client B-Application client O +level O level O +seems O seems O +to O to O +be O be O +the O the O +result O result O +of O of O +both O both O +awaiting O awaiting O +for O for O +the O the O +connection O connection O +as O as O +well O well O +as O as O +some O some O +other O other O +latencies O latencies O +( O ( O +dns O dns O +lookup O lookup O +? O ? O +) O ) O +. O . O + +Here O Here O +is O is O +a O a O +table O table O +summarizing O summarizing O +what O what O +I O I O +observe O observe O +: O : O + +UPDATE O UPDATE O +3 O 3 O + +The O The O +difference O difference O +between O between O +row O row O +3 O 3 O +and O and O +4 O 4 O +of O of O +my O my O +table O table O +is O is O +time O time O +spent O spent O +in O in O +TCP/IP O TCP/IP O +Connect O Connect O +and O and O +HTTPS O HTTPS O +Handshake O Handshake O +according O according O +to O to O +Fiddler B-Application Fiddler O +. O . O + +Let O Let O +'s O 's O +not O not O +focus O focus O +on O on O +it O it O +on O on O +that O that O +post O post O +but O but O +only O only O +on O on O +the O the O +time O time O +spent O spent O +waiting O waiting O +for O for O +the O the O +SqlConnection B-Library_Class SqlConnection B-Code_Block +to O to O +open O open O +. O . O + +UPDATE O UPDATE O +4 O 4 O + +Actually O Actually O +I O I O +think O think O +both O both O +two O two O +waiting O waiting O +times O times O +have O have O +the O the O +same O same O +reason O reason O +. O . O + +The O The O +server B-Application server O +needs O needs O +to O to O +" O " O +keep O keep O +alive O alive O +" O " O +its O its O +connection O connection O +to O to O +the O the O +database B-Application database O +and O and O +the O the O +client B-Application client O +needs O needs O +to O to O +" O " O +keep O keep O +alive O alive O +" O " O +its O its O +connection O connection O +to O to O +the O the O +server B-Application server O +. O . O + +UPDATE O UPDATE O +5 O 5 O + +I O I O +had O had O +a O a O +job O job O +running O running O +every O every O +4 O 4 O +minutes O minutes O +to O to O +open O open O +the O the O +SqlConnection B-Library_Class SqlConnection B-Code_Block +but O but O +once O once O +in O in O +a O a O +while O while O +it O it O +was O was O +incurring O incurring O +the O the O +waiting O waiting O +cost O cost O +. O . O + +So O So O +I O I O +think O think O +the O the O +inactivity O inactivity O +time O time O +is O is O +4 O 4 O +minutes O minutes O +not O not O +5 O 5 O +( O ( O +hence O hence O +I O I O +updated O updated O +this O this O +post O post O +title O title O +) O ) O +. O . O + +So O So O +I O I O +updated O updated O +my O my O +scheduled O scheduled O +job O job O +to O to O +run O run O +every O every O +minute O minute O +. O . O + +then O then O +I O I O +realised O realised O +it O it O +was O was O +still O still O +incurring O incurring O +the O the O +waiting O waiting O +cost O cost O +but O but O +regularly O regularly O +every O every O +30 O 30 O +minutes O minutes O +( O ( O +hence O hence O +I O I O +updated O updated O +this O this O +post O post O +title O title O +) O ) O +. O . O + +These O These O +two O two O +times O times O +strangely O strangely O +correlates O correlates O +with O with O +those O those O +of O of O +Azure B-Application Azure O +Load I-Application Load O +Balancer I-Application Balancer O +Idle O Idle O +Timeout O Timeout O +. O . O + +Question_ID O Question_ID O +: O : O +21535890 O 21535890 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21535890/ O https://stackoverflow.com/questions/21535890/ O + + +I O I O +want O want O +to O to O +make O make O +my O my O +admin O admin O +folder O folder O +protected O protected O +with O with O +htaccess B-File_Type htaccess O +file.Here O file.Here O +is O is O +my O my O +htaccess B-File_Type htaccess O +file O file O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2318 I-Code_Block Q_2318 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +made O made O +htpasswd B-File_Type htpasswd O +file O file O +and O and O +had O had O +password O password O +encrypted O encrypted O +. O . O + +When O When O +i O i O +try O try O +to O to O +access O access O +the O the O +folder B-User_Interface_Element folder O +it O it O +does O does O +n't O n't O +accept O accept O +my O my O +password O password O +and O and O +opens O opens O +another O another O +login B-User_Interface_Element login O +, O , O +but O but O +when O when O +i O i O +set O set O +password O password O +to O to O +be O be O +admin O admin O +, O , O +without O without O +encryption O encryption O +, O , O +it O it O +works O works O +. O . O + +Does O Does O +anybody O anybody O +have O have O +idea O idea O +why O why O +this O this O +is O is O +happening O happening O +? O ? O + +And O And O +if O if O +it O it O +is O is O +important O important O +, O , O +here O here O +is O is O +my O my O +apache B-Application apache O +error O error O +log O log O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2319 I-Code_Block Q_2319 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +32993829 O 32993829 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32993829/ O https://stackoverflow.com/questions/32993829/ O + + +I O I O +am O am O +still O still O +struggling O struggling O +with O with O +R B-Language R O +plots B-Library_Function plots O +and O and O +colors O colors O +- O - O +- O - O +some O some O +results O results O +are O are O +as O as O +I O I O +expected O expected O +, O , O +some O some O +not O not O +. O . O + +I O I O +have O have O +a O a O +2-million O 2-million O +point O point O +data O data O +set O set O +, O , O +generated O generated O +by O by O +a O a O +simulation O simulation O +process O process O +. O . O + +There O There O +are O are O +several O several O +variables O variables O +on O on O +the O the O +dataset O dataset O +, O , O +but O but O +I O I O +am O am O +interested O interested O +on O on O +three O three O +and O and O +on O on O +a O a O +factor O factor O +that O that O +describe O describe O +the O the O +class O class O +for O for O +that O that O +data O data O +point O point O +. O . O + +Here O Here O +is O is O +a O a O +short O short O +snippet O snippet O +of O of O +code O code O +that O that O +reads O reads O +the O the O +points O points O +and O and O +get O get O +some O some O +basic O basic O +statistics O statistics O +on O on O +it O it O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4003 I-Code_Block Q_4003 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +That O That O +gives O gives O +me O me O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4004 I-Code_Block Q_4004 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +( O ( O +the O the O +input O input O +file O file O +is O is O +quite O quite O +large O large O +, O , O +cannot O cannot O +add O add O +it O it O +as O as O +a O a O +link O link O +) O ) O + +I O I O +want O want O +to O to O +see O see O +these O these O +points O points O +in O in O +a O a O +scatterplot O scatterplot O +matrix B-Data_Structure matrix O +, O , O +so O so O +I O I O +use O use O +the O the O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4005 I-Code_Block Q_4005 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Here O Here O +is O is O +the O the O +result O result O +. O . O + +As O As O +expected O expected O +, O , O +points O points O +from O from O +class O class O +E B-Variable_Name E O +are O are O +in O in O +vast O vast O +majority O majority O +, O , O +so O so O +I O I O +cannot O cannot O +see O see O +points O points O +of O of O +other O other O +classes O classes O +. O . O + +The O The O +problem O problem O +is O is O +that O that O +I O I O +expected O expected O +the O the O +points O points O +to O to O +be O be O +plotted O plotted O +in O in O +magenta O magenta O +( O ( O +classes O classes O +are O are O +A B-Class_Name A O +, O , O +B B-Class_Name B O +, O , O +C B-Class_Name C O +, O , O +D B-Class_Name D O +, O , O +E B-Class_Name E O +, O , O +N B-Class_Name N O +; O ; O +colors O colors O +are O are O +red B-Value red O +, O , O +green B-Value green O +, O , O +blue B-Value blue O +, O , O +cyan B-Value cyan O +, O , O +magenta B-Value magenta O +, O , O +yellow B-Value yellow O +) O ) O +. O . O + +When O When O +I O I O +do O do O +the O the O +plot O plot O +class O class O +by O by O +class O class O +it O it O +works O works O +as O as O +expected O expected O +, O , O +see O see O +two O two O +examples O examples O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4006 I-Code_Block Q_4006 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +gives O gives O +this O this O +: O : O + +And O And O +this O this O +snippet O snippet O +of O of O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4007 I-Code_Block Q_4007 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +gives O gives O +this O this O +: O : O + +This O This O +also O also O +seems O seems O +as O as O +expected O expected O +: O : O +a O a O +plot B-User_Interface_Element plot O +of O of O +points O points O +of O of O +all O all O +classes O classes O +except O except O +E B-Class_Name E O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4008 I-Code_Block Q_4008 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +question O question O +is O is O +, O , O +why O why O +on O on O +the O the O +first O first O +plot B-User_Interface_Element plot O +the O the O +points O points O +are O are O +blue B-Variable_Name blue O +instead O instead O +of O of O +magenta B-Variable_Name magenta O +? O ? O + +This O This O +question O question O +is O is O +somehow O somehow O +similar O similar O +to O to O +Color O Color O +gradient O gradient O +for O for O +elevation O elevation O +data O data O +in O in O +a O a O +XYZ O XYZ O +plot O plot O +with O with O +R B-Language R O +and O and O +Lattice B-Library Lattice O +but O but O +now O now O +I O I O +am O am O +using O using O +factors O factors O +to O to O +determine O determine O +colors O colors O +on O on O +the O the O +scatterplot O scatterplot O +. O . O + +I O I O +'ve O 've O +also O also O +read O read O +Changing O Changing O +default O default O +colours O colours O +of O of O +a O a O +lattice O lattice O +plot O plot O +by O by O +factor O factor O +- O - O +- O - O +grouping O grouping O +plots O plots O +by O by O +a O a O +factor O factor O +( O ( O +using O using O +the O the O +parameter O parameter O +groups.factor B-Code_Block groups.factor O += I-Code_Block = O +myData$Class I-Code_Block myData$Class O +) O ) O +does O does O +not O not O +solve O solve O +my O my O +problem O problem O +, O , O +plots B-User_Interface_Element plots O +are O are O +still O still O +in O in O +blue O blue O +but O but O +separated O separated O +by O by O +class O class O +. O . O + +Edited O Edited O +to O to O +add O add O +more O more O +information O information O +: O : O +this O this O +fake O fake O +data O data O +set O set O +can O can O +be O be O +used O used O +for O for O +tests O tests O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4009 I-Code_Block Q_4009 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +When O When O +I O I O +plot O plot O +it O it O +with O with O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4010 I-Code_Block Q_4010 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +get O get O +the O the O +plot B-User_Interface_Element plot O +below O below O +. O . O + +All O All O +points O points O +are O are O +in O in O +blue B-Value blue O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +32993829 O 32993829 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32993829/ O https://stackoverflow.com/questions/32993829/ O + + +JeremyCG B-User_Name JeremyCG O +found O found O +the O the O +problem O problem O +. O . O + +Here O Here O +is O is O +the O the O +complete O complete O +code O code O +that O that O +works O works O +, O , O +for O for O +future O future O +reference O reference O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4695 I-Code_Block A_4695 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +That O That O +showed O showed O +the O the O +issue O issue O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4696 I-Code_Block A_4696 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Class O Class O +must O must O +be O be O +a O a O +factor O factor O +. O . O + +This O This O +solved O solved O +it O it O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4697 I-Code_Block A_4697 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +plot O plot O +it O it O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4698 I-Code_Block A_4698 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Here O Here O +is O is O +the O the O +result O result O +: O : O + +Thanks O Thanks O +@jeremycg B-User_Name @jeremycg O +! O ! O + +Question_ID O Question_ID O +: O : O +28931237 O 28931237 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28931237/ O https://stackoverflow.com/questions/28931237/ O + + +I O I O +'m O 'm O +on O on O +Ubuntu B-Operating_System Ubuntu O +14.04 B-Version 14.04 O +with O with O +cuda B-Application cuda O +toolkit I-Application toolkit O +6.5 B-Version 6.5 O +, O , O +nvidia B-Application nvidia O +driver I-Application driver O +version O version O +340.29 B-Version 340.29 O +. O . O + +My O My O +application O application O +registers O registers O +a O a O +pixel O pixel O +buffer O buffer O +from O from O +openGL B-Library openGL O +and O and O +writes O writes O +an O an O +image B-User_Interface_Element image O +to O to O +the O the O +buffer O buffer O +every O every O +loop O loop O +, O , O +copies O copies O +the O the O +PBO O PBO O +to O to O +a O a O +texture O texture O +using O using O +glTexSubImage2D B-Library_Class glTexSubImage2D O +, O , O +and O and O +draws O draws O +the O the O +texture O texture O +. O . O + +This O This O +all O all O +works O works O +properly O properly O +until O until O +I O I O +change O change O +my O my O +image-generation B-Application image-generation O +kernel I-Application kernel O +, O , O +then O then O +I O I O +gdb B-Application gdb O +reports O reports O +a O a O +segmentation B-Error_Name segmentation O +fault I-Error_Name fault O +in O in O +cudaGraphicsGLRegisterBuffer B-Library_Class cudaGraphicsGLRegisterBuffer O +. O . O + +My O My O +guess O guess O +is O is O +this O this O +is O is O +a O a O +bug O bug O +, O , O +because O because O +the O the O +cuda B-Library cuda O +kernel B-Application kernel O +is O is O +completely O completely O +unrelated O unrelated O +to O to O +cudaGraphicsGLRegisterBuffer B-Library_Class cudaGraphicsGLRegisterBuffer O +, O , O +which O which O +is O is O +called O called O +before O before O +any O any O +processing O processing O +. O . O + +Makefile B-File_Name Makefile O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3417 I-Code_Block Q_3417 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +main.cu B-File_Name main.cu O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3418 I-Code_Block Q_3418 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +GLdisplay.cu B-File_Name GLdisplay.cu O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3419 I-Code_Block Q_3419 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +GLdisplay.h B-File_Name GLdisplay.h O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3420 I-Code_Block Q_3420 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +vert.glsl B-File_Name vert.glsl O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3421 I-Code_Block Q_3421 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +frag.glsl B-File_Name frag.glsl O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3422 I-Code_Block Q_3422 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +28931237 O 28931237 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28931237/ O https://stackoverflow.com/questions/28931237/ O + + +Updating O Updating O +to O to O +nvidia B-Application nvidia O +display I-Application display O +driver I-Application driver O +346.47 B-Version 346.47 O +solved O solved O +my O my O +problem O problem O +completely O completely O +. O . O + +For O For O +the O the O +unsure O unsure O +, O , O +run O run O +nvidia-smi B-Code_Block nvidia-smi B-Code_Block +in O in O +a O a O +terminal B-Application terminal O +window O window O +, O , O +and O and O +if O if O +you O you O +do O do O +n't O n't O +see O see O +NVIDIA-SMI B-Value NVIDIA-SMI B-Code_Block +346.xx I-Value 346.xx I-Code_Block +( O ( O +xx B-Value xx O +being O being O +an O an O +arbitrary O arbitrary O +number O number O +) O ) O +, O , O +update O update O +with O with O +the O the O +newest O newest O +driver O driver O +available O available O +from O from O +nvidia B-Organization nvidia O +. O . O + +At O At O +the O the O +time O time O +of O of O +writing O writing O +this O this O +, O , O +CUDA B-Application CUDA O +toolkit I-Application toolkit O +6.5 B-Version 6.5 O +ships O ships O +with O with O +an O an O +outdated O outdated O +graphics B-Application graphics O +driver I-Application driver O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +28931237 O 28931237 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28931237/ O https://stackoverflow.com/questions/28931237/ O + + +Your O Your O +code O code O +lacks O lacks O +error O error O +condition O condition O +checking O checking O +. O . O + +First O First O +and O and O +foremost O foremost O +I O I O +suggest O suggest O +you O you O +check O check O +the O the O +error O error O +code O code O +status O status O +after O after O +each O each O +and O and O +every O every O +OpenGL B-Library OpenGL O +and O and O +CUDA B-Library CUDA O +call O call O +. O . O + +I O I O +'ve O 've O +got O got O +a O a O +very O very O +strong O strong O +hunch O hunch O +what O what O +the O the O +problem O problem O +is O is O +and O and O +adding O adding O +the O the O +error O error O +checking O checking O +will O will O +tell O tell O +if O if O +this O this O +is O is O +the O the O +case O case O +. O . O + +So O So O +: O : O +I O I O +see O see O +that O that O +you O you O +never O never O +properly O properly O +unbind O unbind O +the O the O +PBO O PBO O +from O from O +OpenGL B-Library OpenGL O +before O before O +trying O trying O +to O to O +map O map O +it O it O +to O to O +a O a O +CUDA B-Library CUDA O +pointer B-Data_Type pointer O +. O . O + +Depending O Depending O +on O on O +the O the O +path O path O +your O your O +program O program O +takes O takes O +this O this O +may O may O +result O result O +in O in O +the O the O +PBO O PBO O +actually O actually O +not O not O +getting O getting O +mapped O mapped O +, O , O +hence O hence O +giving O giving O +you O you O +an O an O +invalid O invalid O +pointer B-Data_Type pointer O +that O that O +if O if O +accessed O accessed O +, O , O +from O from O +the O the O +CUDA B-Library CUDA O +kernel B-Application kernel O +or O or O +the O the O +host O host O +, O , O +will O will O +result O result O +in O in O +a O a O +segfault B-Error_Name segfault O +. O . O + +To O To O +pin O pin O +down O down O +the O the O +problem O problem O +check O check O +the O the O +error O error O +status O status O +of O of O +every O every O +OpenGL B-Library OpenGL O +and O and O +CUDA B-Library CUDA O +operation O operation O +. O . O + +CUDA B-Library CUDA O +will O will O +tell O tell O +you O you O +if O if O +it O it O +ca O ca O +n't O n't O +map O map O +a O a O +OpenGL B-Library OpenGL O +resource O resource O +, O , O +for O for O +whatever O whatever O +reason O reason O +( O ( O +like O like O +the O the O +resource O resource O +still O still O +being O being O +bound O bound O +to O to O +a O a O +OpenGL B-Library OpenGL O +functional O functional O +unit O unit O +) O ) O +. O . O + +Question_ID O Question_ID O +: O : O +19766098 O 19766098 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/19766098/ O https://stackoverflow.com/questions/19766098/ O + + +I O I O +am O am O +new O new O +to O to O +gwt B-Application gwt O +and O and O +in O in O +my O my O +application O application O +I O I O +have O have O +to O to O +display O display O +a O a O +svg B-File_Type svg O +file O file O +which O which O +I O I O +get O get O +from O from O +server B-Application server O +. O . O + +The O The O +question O question O +is O is O +I O I O +am O am O +able O able O +to O to O +get O get O +the O the O +svg B-File_Type svg O +file O file O +from O from O +server B-Application server O +side O side O +and O and O +display O display O +using O using O +HTMLPanel B-Library_Class HTMLPanel O +. O . O + +But O But O +events O events O +are O are O +not O not O +getting O getting O +fired.Like O fired.Like O +mouse B-Device mouse O +over O over O +, O , O +drag O drag O +and O and O +drop O drop O +events B-Library_Class events O +etc O etc O +which O which O +are O are O +inside O inside O + +the O the O +svg B-File_Type svg O +file O file O +they O they O +are O are O +not O not O +getting O getting O +fired O fired O +. O . O + +Please O Please O +let O let O +me O me O +know O know O +how O how O +can O can O +I O I O +solve O solve O +this O this O +issue O issue O +. O . O + +below O below O +is O is O +my O my O +code O code O + +image B-Code_Block image O += I-Code_Block = O +new I-Code_Block new O +HTMLPanel(response.getText()) I-Code_Block HTMLPanel(response.getText()) O +; I-Code_Block ; O + +rootPanel.add(image) B-Code_Block rootPanel.add(image) O +; I-Code_Block ; O + +Thanks O Thanks O +in O in O +advance O advance O +, O , O + +Pradeep B-User_Name Pradeep O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +19766098 O 19766098 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/19766098/ O https://stackoverflow.com/questions/19766098/ O + + +I O I O +'m O 'm O +guessing O guessing O +you O you O +are O are O +trying O trying O +to O to O +display O display O +the O the O +SVG B-File_Type SVG O +XML B-Language XML O +or O or O +a O a O +Data O Data O +URI O URI O +as O as O +HTML B-Language HTML O +? O ? O + +If O If O +so O so O +, O , O +that O that O +text O text O +will O will O +not O not O +generate O generate O +any O any O +events O events O +, O , O +only O only O +the O the O +HTMLPanel B-Library_Class HTMLPanel B-Code_Block +will O will O +. O . O + +The O The O +following O following O +code O code O +should O should O +allow O allow O +you O you O +to O to O +add O add O +a O a O +handler O handler O +to O to O +the O the O +HTMLPanel B-Library_Class HTMLPanel B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2630 I-Code_Block A_2630 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Attach O Attach O +other O other O +event B-Library_Class event O +handlers O handlers O +the O the O +same O same O +way O way O +. O . O + +Question_ID O Question_ID O +: O : O +33895528 O 33895528 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33895528/ O https://stackoverflow.com/questions/33895528/ O + + +I O I O +'m O 'm O +currently O currently O +creating O creating O +sharded O sharded O +tables B-Data_Structure tables O +daily O daily O +using O using O +the O the O +Python B-Library Python O +API I-Library API O +. O . O + +Is O Is O +there O there O +a O a O +way O way O +to O to O +add O add O +the O the O +comments O comments O +for O for O +the O the O +table B-Data_Structure table O +'s O 's O +columns B-Data_Structure columns O +when O when O +creating O creating O +the O the O +table B-Data_Structure table O +? O ? O + +I O I O +could O could O +n't O n't O +see O see O +it O it O +in O in O +the O the O +doc O doc O +but O but O +it O it O +might O might O +still O still O +be O be O +implemented O implemented O +. O . O + +Thanks O Thanks O +in O in O +advance O advance O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +33895528 O 33895528 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33895528/ O https://stackoverflow.com/questions/33895528/ O + + +From O From O +the O the O +REST B-Library REST O +API I-Library API O +for O for O +BigQuery B-Application BigQuery O +documentation O documentation O +, O , O +tables.Insert B-Function_Name tables.Insert O +takes O takes O +a O a O +table B-Data_Structure table O +resource O resource O +, O , O +and O and O +in O in O +the O the O +schema.fields[].description B-Library_Variable schema.fields[].description B-Code_Block +property O property O +, O , O +you O you O +can O can O +put O put O +in O in O +a O a O +description O description O +. O . O + +Question_ID O Question_ID O +: O : O +29008720 O 29008720 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29008720/ O https://stackoverflow.com/questions/29008720/ O + + +I O I O +'m O 'm O +thinking O thinking O +on O on O +make O make O +an O an O +app O app O +Bundle O Bundle O +on O on O +App B-Application App O +Store I-Application Store O +with O with O +Apps O Apps O +which O which O +are O are O +free O free O +. O . O + +It O It O +'s O 's O +possible O possible O +to O to O +create O create O +a O a O +free O free O +app O app O +bundle O bundle O +on O on O +App B-Application App O +Store I-Application Store O +? O ? O + +As O As O +far O far O +I O I O +can O can O +see O see O +, O , O +minimum O minimum O +price O price O +option O option O +is O is O +Tier O Tier O +1 O 1 O +( O ( O +not O not O +Tier O Tier O +0 O 0 O +) O ) O +and O and O +Apple B-Organization Apple O +talks O talks O +about O about O +' O ' O +reduced O reduced O +price O price O +pack O pack O +' O ' O +, O , O +so O so O +it O it O +seems O seems O +to O to O +be O be O +no O no O +option O option O +to O to O +group O group O +several O several O +free O free O +apps O apps O +in O in O +a O a O +free O free O +Apple B-Organization Apple O +Bundle O Bundle O +. O . O + +Thanks O Thanks O +, O , O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +29008720 O 29008720 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29008720/ O https://stackoverflow.com/questions/29008720/ O + + +No O No O +. O . O + +See O See O +: O : O +documentation O documentation O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +29008720 O 29008720 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29008720/ O https://stackoverflow.com/questions/29008720/ O + + +As O As O +for O for O +the O the O +other O other O +answers/comments O answers/comments O +, O , O +Tier-0 O Tier-0 O +bundles O bundles O +are O are O +not O not O +possible O possible O +at O at O +the O the O +moment O moment O +. O . O + +Despite O Despite O +this O this O +, O , O +you O you O +still O still O +can O can O +go O go O +ahead O ahead O +and O and O +create O create O +a O a O +bundle O bundle O +of O of O +free O free O +apps O apps O +: O : O + +this O this O +will O will O +be O be O +created O created O +, O , O +can O can O +even O even O +go O go O +through O through O +the O the O +review O review O +and O and O +be O be O +approved O approved O +, O , O +but O but O +it O it O +wo O wo O +n't O n't O +be O be O +made O made O +available O available O +to O to O +the O the O +store O store O +because O because O +" O " O +you O you O +must O must O +choose O choose O +a O a O +compatible O compatible O +price O price O +" O " O +( O ( O +and O and O +you O you O +ca O ca O +n't O n't O +ask O ask O +for O for O +$1 O $1 O +, O , O +a.k.a O a.k.a O +. O . O + +tier-1 O tier-1 O +, O , O +for O for O +a O a O +bundle O bundle O +of O of O +free O free O +apps O apps O +) O ) O +. O . O + +I O I O +'ve O 've O +created O created O +a O a O +radar O radar O +on O on O +the O the O +matter O matter O +: O : O +if O if O +you O you O +also O also O +agree O agree O +that O that O +free O free O +bundles O bundles O +should O should O +exist O exist O +, O , O +please O please O +feel O feel O +free O free O +to O to O +dupe O dupe O +it O it O +at O at O +bugreport.apple.com O bugreport.apple.com O +. O . O + +Question_ID O Question_ID O +: O : O +6681932 O 6681932 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6681932/ O https://stackoverflow.com/questions/6681932/ O + + +Me O Me O +again O again O +! O ! O + +Here O Here O +is O is O +my O my O +model O model O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_502 I-Code_Block Q_502 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +here O here O +are O are O +my O my O +index B-Function_Name index O +and O and O +browse B-Function_Name browse O +controllers O controllers O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_503 I-Code_Block Q_503 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +At O At O +the O the O +moment O moment O +my O my O +index B-Function_Name index O +is O is O +grouping O grouping O +events O events O +by O by O +date O date O +and O and O +returning O returning O +how O how O +many O many O +there O there O +are O are O +connected O connected O +with O with O +a O a O +certain O certain O +date O date O +. O . O + +I O I O +want O want O +to O to O +adda O adda O +browse B-Function_Name browse O +link B-Variable_Name link O +which O which O +will O will O +list O list O +the O the O +events O events O +associated O associated O +with O with O +a O a O +date O date O +. O . O + +I O I O +ca O ca O +n't O n't O +seem O seem O +to O to O +compare O compare O +DateTime B-Library_Class DateTime O +'s O 's O +in O in O +my O my O +linq B-Library linq O +query O query O +, O , O +everything O everything O +I O I O +try O try O +just O just O +returns O returns O +blank O blank O +. O . O + +Any O Any O +help O help O +is O is O +GREATLY O GREATLY O +appreciated O appreciated O +you O you O +beautiful O beautiful O +people O people O +you O you O +! O ! O + +Thanks O Thanks O +! O ! O + +update O update O +: O : O + +Hey O Hey O +! O ! O + +Got O Got O +it O it O +working O working O + +Here O Here O +;s O ;s O +my O my O +new O new O +controller O controller O +; O ; O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_504 I-Code_Block Q_504 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +what O what O +did O did O +the O the O +trick O trick O +, O , O +in O in O +my O my O +actionlink B-Library_Function actionlink O +in O in O +my O my O +view O view O +... O ... O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_505 I-Code_Block Q_505 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Thanks O Thanks O +for O for O +you O you O +help O help O +! O ! O + +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +6681932 O 6681932 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6681932/ O https://stackoverflow.com/questions/6681932/ O + + +Since O Since O +both O both O +' O ' O +start B-Variable_Name start B-Code_Block +' O ' O +and O and O +' O ' O +day B-Variable_Name day B-Code_Block +' O ' O +are O are O +of O of O +type O type O +DateTime B-Library_Class DateTime B-Code_Block +, O , O +the O the O +comparer O comparer O +on O on O +them O them O +is O is O +going O going O +to O to O +check O check O +each O each O +bit O bit O +for O for O +a O a O +full O full O +DateTime B-Library_Class DateTime B-Code_Block +object O object O +. O . O + +If O If O +you O you O +'re O 're O +just O just O +trying O trying O +to O to O +browse B-Function_Name browse O +for O for O +the O the O +day O day O +, O , O +and O and O +not O not O +the O the O +exact O exact O +millisecond O millisecond O +of O of O +a O a O +DateTime B-Library_Class DateTime B-Code_Block +, O , O +try O try O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_769 I-Code_Block A_769 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +'s O 's O +also O also O +a O a O +pretty O pretty O +good O good O +idea O idea O +to O to O +do O do O +some O some O +null B-Value null O +checking O checking O +on O on O +those O those O +nullable O nullable O +fields O fields O +as O as O +well O well O +. O . O + +Question_ID O Question_ID O +: O : O +36871609 O 36871609 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36871609/ O https://stackoverflow.com/questions/36871609/ O + + +I O I O +am O am O +using O using O +methods O methods O +to O to O +serialize B-Library_Function serialize O +and O and O +de-serialize B-Library_Function de-serialize O +objects O objects O +to O to O +binary B-File_Type binary O +file O file O +that O that O +I O I O +have O have O +found O found O +described O described O +and O and O +discussed O discussed O +here O here O +on O on O +stackoverflow B-Website stackoverflow O +. O . O + +among O among O +others O others O +in O in O +following O following O +link O link O +: O : O +https://stackoverflow.com/questions/21080839/pulling-objects-from-binary-file-and-putting-in-listt O https://stackoverflow.com/questions/21080839/pulling-objects-from-binary-file-and-putting-in-listt O +The O The O +serialisation O serialisation O +process O process O +is O is O +working O working O +fine O fine O +, O , O +I O I O +see O see O +the O the O +file B-Library_Class file O +growing O growing O +when O when O +objects O objects O +are O are O +appended O appended O +to O to O +it O it O +and O and O +when O when O +reading O reading O +with O with O +deserialization O deserialization O +the O the O +problem O problem O +is O is O +that O that O +I O I O +only O only O +get O get O +the O the O +part O part O +of O of O +the O the O +list B-Data_Structure list O +that O that O +was O was O +written O written O +in O in O +the O the O +first O first O +write B-Function_Name write O +to O to O +file B-Library_Class file O +. O . O + +The O The O +data O data O +retrieved O retrieved O +seem O seem O +correct O correct O +, O , O +but O but O +I O I O +do O do O +not O not O +get O get O +to O to O +read B-Function_Name read O +beyond O beyond O +the O the O +first O first O +number O number O +of O of O +objects O objects O +that O that O +were O were O +in O in O +the O the O +list B-Data_Structure list O +in O in O +the O the O +first O first O +" O " O +write B-Function_Name write O +" O " O +operation O operation O +. O . O + +it O it O +is O is O +like O like O +the O the O +file B-Library_Class file O +position O position O +is O is O +always O always O +set O set O +to O to O +zero B-Value zero O +. O . O + +can O can O +the O the O +read B-Function_Name read O +operation O operation O +be O be O +looped O looped O +or O or O +controlled O controlled O +in O in O +any O any O +way O way O +to O to O +forced O forced O +it O it O +to O to O +read B-Function_Name read O +the O the O +entire O entire O +file B-Library_Class file O +? O ? O + +Appreciate O Appreciate O +your O your O +comments O comments O +on O on O +this O this O + +Thor B-User_Name Thor O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4540 I-Code_Block Q_4540 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +36871609 O 36871609 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36871609/ O https://stackoverflow.com/questions/36871609/ O + + +I O I O +solved O solved O +the O the O +issue O issue O +after O after O +reading O reading O +a O a O +post O post O +from O from O +Fateme B-User_Name Fateme O +Shirmohammadi I-User_Name Shirmohammadi O +on O on O +Stackoverflow B-Website Stackoverflow O +. O . O + +The O The O +solution O solution O +is O is O +to O to O +check O check O +where O where O +in O in O +the O the O +stream B-Library_Class stream O +the O the O +" O " O +reader O reader O +" O " O +is O is O +and O and O +loop O loop O +until O until O +it O it O +reaches O reaches O +the O the O +end O end O +or O or O +length O length O +of O of O +the O the O +stream B-Library_Class stream O +. O . O + +In O In O +each O each O +iteration O iteration O +you O you O +append O append O +the O the O +range O range O +to O to O +the O the O +list B-Data_Structure list O +. O . O + +See O See O +the O the O +changed O changed O +read() B-Function_Name read() O +method O method O +attached O attached O +; O ; O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5279 I-Code_Block A_5279 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +should O should O +give O give O +credit O credit O +to O to O +ladenedge B-User_Name ladenedge O +and O and O +Marc B-User_Name Marc O +Gravell I-User_Name Gravell O +who O who O +answered O answered O +to O to O +Fateme B-User_Name Fateme O +'s O 's O +questions O questions O +. O . O + +Stackoverflow B-Website Stackoverflow O +is O is O +rely O rely O +a O a O +great O great O +resource O resource O +. O . O + +Thor B-User_Name Thor O +P I-User_Name P O + +Question_ID O Question_ID O +: O : O +3375304 O 3375304 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3375304/ O https://stackoverflow.com/questions/3375304/ O + + +I O I O +'m O 'm O +using O using O +Postgres B-Library Postgres O +. O . O + +I O I O +have O have O +a O a O +table B-Data_Structure table O +of O of O +Artices O Artices O +in O in O +my O my O +database O database O +, O , O +with O with O +a O a O +column B-Data_Structure column O +url B-Variable_Name url O +for O for O +url O url O +slugs O slugs O +. O . O + +These O These O +are O are O +so O so O +that O that O +I O I O +can O can O +display O display O +the O the O +articles O articles O +in O in O +that O that O +table B-Data_Structure table O +on O on O +a O a O +website O website O +as O as O +not O not O +" O " O +example.com/23323 B-Value example.com/23323 B-Code_Block +" O " O +but O but O +instead O instead O +as O as O +" O " O +example.com/Funny_Thing_Happened_to_Me B-Value example.com/Funny_Thing_Happened_to_Me B-Code_Block +" O " O +. O . O + +This O This O +was O was O +straightforward O straightforward O +enough O enough O +to O to O +implement O implement O +, O , O +and O and O +then O then O +as O as O +the O the O +number O number O +of O of O +articles O articles O +grew O grew O +, O , O +I O I O +added O added O +an O an O +index O index O +to O to O +the O the O +table B-Data_Structure table O +on O on O +the O the O +url O url O +slugs O slugs O +. O . O + +I O I O +have O have O +since O since O +realized O realized O +that O that O +while O while O +I O I O +want O want O +to O to O +be O be O +able O able O +to O to O +display O display O +capitalized O capitalized O +letters O letters O +in O in O +the O the O +urls O urls O +, O , O +I O I O +want O want O +them O them O +to O to O +be O be O +case O case O +insensitive O insensitive O +in O in O +terms O terms O +of O of O +what O what O +the O the O +user O user O +types O types O +in O in O +, O , O +and O and O +I O I O +want O want O +to O to O +enforce O enforce O +uniqueness O uniqueness O +on O on O +the O the O +urls O urls O +in O in O +a O a O +case O case O +insensitive O insensitive O +manner O manner O +. O . O + +Is O Is O +there O there O +a O a O +straightforward O straightforward O +way O way O +to O to O +quickly O quickly O +search O search O +based O based O +on O on O +a O a O +text O text O +column B-User_Interface_Element column O +in O in O +a O a O +case O case O +insensitive O insensitive O +way O way O +, O , O +and O and O +also O also O +enforce O enforce O +uniqueness O uniqueness O +in O in O +a O a O +case O case O +insensitive O insensitive O +way O way O +? O ? O + +I O I O +'ve O 've O +tried O tried O +conducting O conducting O +the O the O +searches O searches O +with O with O +something O something O +like O like O +lower(url) B-Code_Block lower(url) B-Code_Block += I-Code_Block = I-Code_Block +but O but O +that O that O +causes O causes O +Postgres B-Library Postgres O +to O to O +decide O decide O +not O not O +to O to O +use O use O +the O the O +index O index O +at O at O +all O all O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +3375304 O 3375304 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3375304/ O https://stackoverflow.com/questions/3375304/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_353 I-Code_Block A_353 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Is O Is O +this O this O +what O what O +you O you O +are O are O +looking O looking O +for O for O +? O ? O + +What O What O +do O do O +you O you O +mean O mean O +by O by O +" O " O +enforce O enforce O +uniqueness O uniqueness O +in O in O +a O a O +case O case O +insensitive O insensitive O +way O way O +" O " O +? O ? O + +Or O Or O +this O this O +if O if O +you O you O +want O want O +to O to O +stick O stick O +to O to O +the O the O +"lower()" B-Library_Function "lower()" O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_354 I-Code_Block A_354 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +3375304 O 3375304 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3375304/ O https://stackoverflow.com/questions/3375304/ O + + +Use O Use O +a O a O +functional O functional O +index O index O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_355 I-Code_Block A_355 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +'re O 're O +on O on O +8.4 B-Version 8.4 O +and O and O +can O can O +install O install O +a O a O +contrib B-Library contrib O +module I-Library module O +, O , O +then O then O +also O also O +take O take O +a O a O +look O look O +at O at O +the O the O +citext B-Data_Type citext O +type O type O +. O . O + +It O It O +abstracts O abstracts O +away O away O +all O all O +the O the O +lower/UPPER O lower/UPPER O +stuff O stuff O +and O and O +is O is O +slightly O slightly O +better O better O +performing O performing O +. O . O + +Question_ID O Question_ID O +: O : O +46043893 O 46043893 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46043893/ O https://stackoverflow.com/questions/46043893/ O + + +Good O Good O +afternoon O afternoon O +, O , O +I O I O +'m O 'm O +stuck O stuck O +with O with O +a O a O +small O small O +problem O problem O +of O of O +formulas O formulas O +in O in O +excel B-Application excel O +: O : O + +I O I O +have O have O +a O a O +table B-User_Interface_Element table O +in O in O +another O another O +sheet B-User_Interface_Element sheet O +and O and O +I O I O +have O have O +to O to O +perform O perform O +the O the O +following O following O +operations O operations O +: O : O + +1 O 1 O +. O . O +number O number O +of O of O +units O units O +sold O sold O +in O in O +Bogota B-Value Bogota O +. O . O + +2 O 2 O +. O . O +number O number O +of O of O +units O units O +sold O sold O +in O in O +different O different O +cities O cities O +to O to O +Bogota B-Value Bogota O +. O . O + +I O I O +'m O 'm O +trying O trying O +to O to O +use O use O +the O the O +formula O formula O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6046 I-Code_Block Q_6046 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +For O For O +the O the O +first O first O +requirement O requirement O +works O works O +, O , O +but O but O +at O at O +the O the O +moment O moment O +of O of O +using O using O +it O it O +to O to O +know O know O +which O which O +city O city O +is O is O +different O different O +from O from O +Bogota B-Value Bogota O +, O , O +I O I O +do O do O +not O not O +know O know O +how O how O +to O to O +do O do O +it O it O +; O ; O +try O try O +to O to O +use O use O +the O the O +<> B-Code_Block <> O +operator O operator O +but O but O +I O I O +get O get O +an O an O +error O error O +and O and O +placing O placing O +the O the O +formula O formula O +as O as O +follows O follows O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6047 I-Code_Block Q_6047 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +do O do O +not O not O +add O add O +the O the O +data O data O +( O ( O +Summation O Summation O +gives O gives O +0 B-Value 0 O +) O ) O +. O . O + +Someone O Someone O +has O has O +an O an O +idea O idea O +of O of O +the O the O +problem O problem O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +46043893 O 46043893 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46043893/ O https://stackoverflow.com/questions/46043893/ O + + +I O I O +believe O believe O +you O you O +have O have O +to O to O +put O put O +quotes O quotes O +" O " O +like O like O +this O this O +" O " O +around O around O +the O the O +entire O entire O +logical O logical O +statement O statement O +"" B-Code_Block "" O +<> I-Code_Block <> O +BOGOTA I-Code_Block BOGOTA O +" I-Code_Block " O + +It O It O +can O can O +be O be O +used O used O +like O like O +this O this O +: O : O + +=SUMIF(DATOS!$G$4:$G$146;"<>BOGOTA") B-Code_Block =SUMIF(DATOS!$G$4:$G$146;"<>BOGOTA") O + +Hope O Hope O +this O this O +helps O helps O + +Question_ID O Question_ID O +: O : O +43740940 O 43740940 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43740940/ O https://stackoverflow.com/questions/43740940/ O + + +I O I O +am O am O +trying O trying O +to O to O +update O update O +an O an O +existing O existing O +database O database O +entry O entry O +using O using O +Hibernate B-Library Hibernate O +and O and O +PostgreSQL B-Application PostgreSQL O +( O ( O +9.5 B-Version 9.5 O +) O ) O +so O so O +that O that O +white O white O +space O space O +is O is O +trimmed O trimmed O +from O from O +strings B-Data_Type strings O +. O . O + +For O For O +example O example O +.. O .. O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5633 I-Code_Block Q_5633 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Else O Else O +where O where O +in O in O +my O my O +code O code O +I O I O +successfully O successfully O +update O update O +other O other O +fields O fields O +, O , O +for O for O +example O example O +the O the O +updatedAt B-Library_Function updatedAt O +time O time O +field O field O +in O in O +the O the O +example O example O +above O above O +. O . O + +However O However O +, O , O +I O I O +cannot O cannot O +remove O remove O +trailing O trailing O +white O white O +space O space O +from O from O +the O the O +locale O locale O +field O field O +. O . O + +I O I O +could O could O +, O , O +if O if O +I O I O +wanted O wanted O +to O to O +change O change O +the O the O +locale O locale O +field O field O +to O to O +something O something O +else O else O +entirely O entirely O +, O , O +for O for O +example O example O +using O using O +something O something O +like O like O +this O this O +.. O .. O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5634 I-Code_Block Q_5634 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +will O will O +change O change O +the O the O +locale O locale O +value O value O +. O . O + +I O I O +just O just O +cannot O cannot O +remove O remove O +white O white O +space O space O +. O . O + +Any O Any O +ideas O ideas O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43740940 O 43740940 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43740940/ O https://stackoverflow.com/questions/43740940/ O + + +we O we O +need O need O +more O more O +info O info O +( O ( O +ex O ex O +Entity O Entity O +and O and O +Schema O Schema O +Data O Data O +Definition O Definition O +) O ) O +. O . O + +check O check O +if O if O +it O it O +uses O uses O +a O a O +char B-Data_Type char O +instead O instead O +of O of O +varchar B-Data_Type varchar O +in O in O +Schema O Schema O +. O . O + +if O if O +it O it O +uses O uses O +char B-Data_Type char O +it O it O +would O would O +have O have O +same O same O +length O length O +appended O appended O +with O with O +empty O empty O +space O space O +. O . O + +Question_ID O Question_ID O +: O : O +39166385 O 39166385 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39166385/ O https://stackoverflow.com/questions/39166385/ O + + +I O I O +am O am O +using O using O +SDWebImage B-Library SDWebImage O +library O library O +and O and O +its O its O +working O working O +on O on O +iPhone B-Device iPhone O +. O . O + +But O But O +I O I O +do O do O +n't O n't O +know O know O +why O why O +this O this O +is O is O +not O not O +called O called O +in O in O +iPad B-Device iPad O +. O . O + +I O I O +tried O tried O +to O to O +put O put O +break O break O +points O points O +, O , O +but O but O +it O it O +does O does O +n't O n't O +hit O hit O +the O the O +break O break O +point O point O +either O either O +. O . O + +I O I O +put O put O +this O this O +method O method O +in O in O +cellForItemAtIndexPath B-Function_Name cellForItemAtIndexPath O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4930 I-Code_Block Q_4930 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +39166385 O 39166385 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39166385/ O https://stackoverflow.com/questions/39166385/ O + + +There O There O +is O is O +a O a O +problem O problem O +in O in O +concurrent O concurrent O +image B-User_Interface_Element image O +loading O loading O +implementation O implementation O +. O . O + +When O When O +-collectionView B-Library_Function -collectionView B-Code_Block +: I-Library_Function : I-Code_Block +cellForItemAtIndexPath I-Library_Function cellForItemAtIndexPath I-Code_Block +: I-Library_Function : I-Code_Block +is O is O +calling O calling O +, O , O +the O the O +device O device O +executes O executes O +code O code O +on O on O +the O the O +main O main O +queue B-Data_Structure queue O +. O . O + +Assuming O Assuming O +that O that O +-downloadImageWithURL B-Library_Function -downloadImageWithURL B-Code_Block +: I-Library_Function : I-Code_Block +options I-Library_Function options I-Code_Block +: I-Library_Function : I-Code_Block +progress I-Library_Function progress I-Code_Block +: I-Library_Function : I-Code_Block +completed I-Library_Function completed I-Code_Block +: I-Library_Function : I-Code_Block +method O method O +performs O performs O +image B-User_Interface_Element image O +loading O loading O +on O on O +the O the O +background O background O +thread O thread O +and O and O +returns O returns O +instantly O instantly O +we O we O +can O can O +call O call O +it O it O +without O without O +dispatch_async(dispatch_get_main_queue B-Code_Block dispatch_async(dispatch_get_main_queue B-Code_Block +() I-Code_Block () I-Code_Block +... I-Code_Block ... I-Code_Block +wrapping O wrapping O +. O . O + +Otherwise O Otherwise O +we O we O +cannot O cannot O +guarantee O guarantee O +that O that O +the O the O +completion O completion O +handler O handler O +is O is O +executing O executing O +on O on O +the O the O +main O main O +thread O thread O +, O , O +so O so O +the O the O +code O code O +should O should O +look O look O +like O like O +this O this O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5680 I-Code_Block A_5680 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +the O the O +different O different O +results O results O +on O on O +iPhone B-Device iPhone O +and O and O +iPad B-Device iPad O +can O can O +be O be O +explained O explained O +by O by O +the O the O +architectural O architectural O +differences O differences O +in O in O +technical O technical O +specifications O specifications O +of O of O +testing O testing O +devices O devices O +. O . O + +Question_ID O Question_ID O +: O : O +43353080 O 43353080 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43353080/ O https://stackoverflow.com/questions/43353080/ O + + +I O I O +am O am O +tring O tring O +to O to O +do O do O +occlusion O occlusion O +with O with O +Google B-Application Google O +Tango I-Application Tango O +in O in O +Unity B-Application Unity O +. O . O + +What O What O +I O I O +want O want O +is O is O +pretty O pretty O +simple O simple O +to O to O +understand O understand O +: O : O +when O when O +there O there O +is O is O +a O a O +real O real O +object O object O +in O in O +front O front O +of O of O +a O a O +virtual O virtual O +object O object O +, O , O +the O the O +virtual O virtual O +object O object O +is O is O +hidden O hidden O +( O ( O +or O or O +rendered O rendered O +differently O differently O +) O ) O + +The O The O +perfect O perfect O +result O result O +would O would O +be O be O +like O like O +it O it O +is O is O +in O in O +this O this O +impressive O impressive O +video B-User_Interface_Element video O +I O I O +found O found O +: O : O +https://www.youtube.com/watch?v=EpDhaM7ZhZs O https://www.youtube.com/watch?v=EpDhaM7ZhZs O +. O . O + +I O I O +already O already O +tried O tried O +the O the O +" O " O +Enable O Enable O +occlusion O occlusion O +" O " O +option O option O +of O of O +the O the O +Tango B-Device Tango O +Camera I-Device Camera O +and O and O +I O I O +am O am O +not O not O +so O so O +happy O happy O +with O with O +the O the O +results O results O +( O ( O +it O it O +is O is O +not O not O +accurate O accurate O +and O and O +not O not O +real O real O +time O time O +as O as O +it O it O +is O is O +based O based O +on O on O +mesh O mesh O +reconstruction O reconstruction O +from O from O +the O the O +point O point O +cloud O cloud O +) O ) O +. O . O + +If O If O +you O you O +have O have O +hints O hints O +, O , O +tips O tips O +or O or O +ideas O ideas O +about O about O +how O how O +to O to O +achieve O achieve O +this O this O +( O ( O +like O like O +in O in O +the O the O +video B-User_Interface_Element video O +) O ) O +, O , O +that O that O +would O would O +be O be O +awesome O awesome O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43353080 O 43353080 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43353080/ O https://stackoverflow.com/questions/43353080/ O + + +Occlusion O Occlusion O +is O is O +still O still O +a O a O +very O very O +experimental O experimental O +feature O feature O +on O on O +Tango B-Application Tango O +. O . O + +The O The O +problem O problem O +is O is O +that O that O +it O it O +'s O 's O +very O very O +hard O hard O +to O to O +do O do O +occlusion O occlusion O +with O with O +high O high O +fidelity O fidelity O +and O and O +high O high O +performance O performance O +, O , O +here O here O +'s O 's O +couple O couple O +of O of O +ideas O ideas O +on O on O +how O how O +to O to O +achieve O achieve O +it O it O +using O using O +different O different O +method O method O +: O : O + +Use O Use O +3D O 3D O +reconstruction O reconstruction O +. O . O + +Tango B-Application Tango O +does O does O +provide O provide O +functionalities O functionalities O +to O to O +construct O construct O +3D O 3D O +meshes O meshes O +from O from O +point O point O +cloud O cloud O +, O , O +you O you O +can O can O +find O find O +sample O sample O +code O code O +from O from O +Tango B-Application Tango O +sample O sample O +code O code O +repository O repository O +( O ( O +C B-Language C O +, O , O +Java B-Language Java O +, O , O +Unity B-Application Unity O +) O ) O +. O . O + +If O If O +you O you O +have O have O +a O a O +world O world O +that O that O +is O is O +pre-scanned O pre-scanned O +, O , O +you O you O +can O can O +essentially O essentially O +use O use O +that O that O +mesh O mesh O +data O data O +to O to O +occluded O occluded O +virtual O virtual O +object O object O +. O . O + +Run O Run O +time O time O +up-sampling O up-sampling O +depth O depth O +image B-User_Interface_Element image O +. O . O + +You O You O +can O can O +also O also O +project O project O +all O all O +point O point O +clouds O clouds O +on O on O +to O to O +an O an O +image B-User_Interface_Element image O +plane I-User_Interface_Element plane O +, O , O +up-sample O up-sample O +it O it O +, O , O +and O and O +use O use O +the O the O +image B-User_Interface_Element image O +as O as O +a O a O +depth O depth O +buffer O buffer O +for O for O +rendering O rendering O +. O . O + +This O This O +is O is O +what O what O +ARScreen B-Device ARScreen O +occlusion O occlusion O +is O is O +using O using O +in O in O +TangoUnitySDK B-Library TangoUnitySDK O +. O . O + +Due O Due O +to O to O +the O the O +limitation O limitation O +of O of O +Tango B-Application Tango O +depth O depth O +sensing O sensing O +hardware O hardware O +, O , O +the O the O +result O result O +quality O quality O +is O is O +not O not O +very O very O +ideal O ideal O +, O , O +and O and O +it O it O +will O will O +not O not O +work O work O +if O if O +all O all O +physical O physical O +objects O objects O +are O are O +far O far O +away O away O +( O ( O +beyond O beyond O +4 O 4 O +meters O meters O +) O ) O +from O from O +the O the O +device O device O +. O . O + +Question_ID O Question_ID O +: O : O +28633285 O 28633285 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28633285/ O https://stackoverflow.com/questions/28633285/ O + + +talbe B-User_Interface_Element talbe O +row I-User_Interface_Element row O +with O with O +as O as O +set O set O +of O of O +elements O elements O +( O ( O +textboxes B-User_Interface_Element textboxes O +) O ) O +are O are O +dynamically O dynamically O +created O created O +by O by O +Javascript B-Language Javascript O +like O like O +follow O follow O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3366 I-Code_Block Q_3366 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +after O after O +submitted O submitted O +, O , O +i O i O +want O want O +to O to O +retrieve O retrieve O +the O the O +values O values O +that O that O +are O are O +input O input O +in O in O +the O the O +dynamically O dynamically O +created O created O +textboxes B-User_Interface_Element textboxes O +using O using O +php B-File_Type php O +file O file O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3367 I-Code_Block Q_3367 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +however O however O +, O , O +i O i O +got O got O +" O " O +Internal B-Error_Name Internal O +Server I-Error_Name Server O +Error I-Error_Name Error O +" O " O +, O , O +any O any O +suggestion O suggestion O +about O about O +reasons O reasons O +? O ? O + +thanx O thanx O +in O in O +advance O advance O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +28633285 O 28633285 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28633285/ O https://stackoverflow.com/questions/28633285/ O + + +thanx O thanx O +a O a O +lot O lot O +for O for O +reply O reply O +. O . O + +The O The O +problem O problem O +is O is O +that O that O +in O in O +loop O loop O +control O control O +, O , O +i O i O +miss O miss O +" B-Value " O +$ I-Value $ O +" I-Value " O +before O before O +index O index O +i B-Variable_Name i O +. O . O + +Question_ID O Question_ID O +: O : O +13950187 O 13950187 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13950187/ O https://stackoverflow.com/questions/13950187/ O + + +I O I O +'m O 'm O +using O using O +a O a O +Java B-Language Java O +library O library O +that O that O +uses O uses O +a O a O +socket B-Library_Class socket O +to O to O +communicate O communicate O +with O with O +the O the O +world O world O +. O . O + +I O I O +'d O 'd O +like O like O +to O to O +get O get O +a O a O +reference O reference O +to O to O +that O that O +socket B-Library_Class socket O +so O so O +I O I O +can O can O +monitor O monitor O +the O the O +data O data O +the O the O +library O library O +is O is O +sending O sending O +and O and O +receiving O receiving O +. O . O + +Is O Is O +there O there O +any O any O +way O way O +to O to O +hook O hook O +Java B-Language Java O +'s O 's O +sockets B-Library_Class sockets O +system O system O +so O so O +I O I O +can O can O +monitor O monitor O +socket B-Library_Class socket O +communications O communications O +when O when O +I O I O +ca O ca O +n't O n't O +modify O modify O +the O the O +code O code O +that O that O +creates O creates O +the O the O +socket B-Library_Class socket O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +13950187 O 13950187 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13950187/ O https://stackoverflow.com/questions/13950187/ O + + +Have O Have O +a O a O +look O look O +at O at O +that O that O +idea O idea O +: O : O + +Finding O Finding O +out O out O +what O what O +network O network O +sockets B-Library_Class sockets O +are O are O +open O open O +in O in O +the O the O +current O current O +Java B-Application Java O +VM I-Application VM O + +I O I O +have O have O +n't O n't O +tested O tested O +it O it O +, O , O +but O but O +it O it O +looks O looks O +interesting O interesting O +as O as O +it O it O +presents O presents O +a O a O +way O way O +to O to O +hook O hook O +into O into O +the O the O +socket B-Library_Class socket O +creation O creation O +process O process O +of O of O +Java B-Language Java O +. O . O + +Question_ID O Question_ID O +: O : O +22611575 O 22611575 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/22611575/ O https://stackoverflow.com/questions/22611575/ O + + +Situation O Situation O +: O : O + +I O I O +'m O 'm O +building O building O +a O a O +website O website O +on O on O +Bootstrap B-Library Bootstrap O +3.0 B-Version 3.0 O +, O , O +and O and O +it O it O +contains O contains O +a O a O +section O section O +with O with O +upcoming O upcoming O +events O events O +. O . O + +If O If O +a O a O +user O user O +wants O wants O +to O to O +attend O attend O +, O , O +they O they O +can O can O +do O do O +that O that O +by O by O +clicking O clicking O +on O on O +the O the O +event O event O +. O . O + +Now O Now O +a O a O +modal O modal O +appears O appears O +with O with O +name O name O +, O , O +e-mail O e-mail O +and O and O +event O event O +title O title O +input B-User_Interface_Element input O +fields I-User_Interface_Element fields O +. O . O + +The O The O +e-mail O e-mail O +goes O goes O +to O to O +me O me O +so O so O +I O I O +know O know O +who O who O +'s O 's O +coming O coming O +for O for O +what O what O +. O . O + +This O This O +is O is O +the O the O +html B-Language html O +for O for O +a O a O +single O single O +event O event O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2476 I-Code_Block Q_2476 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question O Question O +: O : O +How O How O +can O can O +I O I O +code O code O +this O this O +, O , O +so O so O +it O it O +automatically O automatically O +adds O adds O +the O the O +title O title O +of O of O +an O an O +event O event O +to O to O +the O the O +e-mail O e-mail O +by O by O +clicking O clicking O +on O on O +the O the O +event O event O +? O ? O + +I O I O +do O do O +n't O n't O +want O want O +users O users O +to O to O +type O type O +the O the O +event O event O +title O title O +manually O manually O +when O when O +the O the O +modal O modal O +appears O appears O +. O . O + +I O I O +'m O 'm O +also O also O +open O open O +for O for O +better O better O +ways O ways O +to O to O +do O do O +this O this O +. O . O + +current O current O +process O process O +: O : O + +visitor O visitor O +clicks O clicks O +on O on O +event O event O +> O > O +fills O fills O +in O in O +name O name O +, O , O +e-mail O e-mail O +and O and O +event O event O +title O title O +> O > O +submits O submits O +form O form O + +future O future O +process O process O +: O : O + +visitor O visitor O +clicks O clicks O +on O on O +event O event O +> O > O +fills O fills O +in O in O +name O name O +, O , O +email O email O +> O > O +submits O submits O +form O form O + +Info O Info O +: O : O + +I O I O +'ll O 'll O +be O be O +using O using O +Wordpress B-Application Wordpress O +as O as O +CMS O CMS O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +22611575 O 22611575 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/22611575/ O https://stackoverflow.com/questions/22611575/ O + + +I O I O +'m O 'm O +assuming O assuming O +you O you O +are O are O +working O working O +with O with O +a O a O +custom O custom O +post O post O +type O type O +for O for O +your O your O +events O events O +. O . O + +Yes O Yes O +, O , O +you O you O +will O will O +need O need O +to O to O +populate O populate O +the O the O +hidden O hidden O +field B-User_Interface_Element field O +yourself O yourself O +. O . O + +On O On O +the O the O +single O single O +template O template O +, O , O +in O in O +the O the O +form B-HTML_XML_Tag form O +markup O markup O +, O , O +you O you O +can O can O +output O output O +the O the O +title O title O +of O of O +the O the O +event O event O +as O as O +the O the O +value O value O +of O of O +the O the O +hidden O hidden O +field O field O +by O by O +using O using O +the O the O +wordpress B-Application wordpress O +function O function O +the_title() B-Library_Function the_title() O +. O . O + +You O You O +could O could O +also O also O +do O do O +it O it O +with O with O +javascript B-Language javascript O +, O , O +but O but O +this O this O +is O is O +exactly O exactly O +the O the O +kind O kind O +of O of O +situation O situation O +wordpress B-Application wordpress O +templates O templates O +and O and O +PHP B-Language PHP O +are O are O +made O made O +for O for O +. O . O + +You O You O +might O might O +also O also O +think O think O +about O about O +grabbing O grabbing O +the O the O +event O event O +post B-Library_Variable post O +id I-Library_Variable id O +for O for O +the O the O +event O event O +using O using O +the_ID() B-Library_Function the_ID() O +. O . O + +Two O Two O +events O events O +can O can O +easily O easily O +have O have O +the O the O +same O same O +title O title O +, O , O +but O but O +will O will O +never O never O +have O have O +the O the O +same O same O +post B-Library_Variable post O +id I-Library_Variable id O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3066 I-Code_Block A_3066 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +is O is O +worth O worth O +noting O noting O +that O that O +even O even O +though O though O +named O named O +" B-Value " O +hidden I-Value hidden O +field I-Value field O +" I-Value " O +, O , O +the O the O +values O values O +are O are O +easily O easily O +accessible O accessible O +to O to O +anyone O anyone O +using O using O +your O your O +form B-User_Interface_Element form O +, O , O +and O and O +after O after O +the O the O +page O page O +loads O loads O +and O and O +your O your O +PHP B-Language PHP O +is O is O +output O output O +, O , O +they O they O +can O can O +be O be O +changed O changed O +to O to O +anything O anything O +very O very O +easily O easily O +and O and O +then O then O +submitted O submitted O +. O . O + +So O So O +if O if O +you O you O +have O have O +any O any O +restrictions O restrictions O +on O on O +what O what O +events O events O +are O are O +shown O shown O +to O to O +what O what O +users O users O +, O , O +someone O someone O +can O can O +potentially O potentially O +just O just O +replace O replace O +the O the O +title O title O +in O in O +their O their O +form B-User_Interface_Element form O +with O with O +an O an O +event O event O +they O they O +should O should O +n't O n't O +be O be O +able O able O +to O to O +rsvp O rsvp O +for O for O +, O , O +but O but O +you O you O +'d O 'd O +never O never O +know O know O +that O that O +from O from O +the O the O +email O email O +you O you O +receive O receive O +. O . O + +But O But O +that O that O +'s O 's O +a O a O +whole O whole O +other O other O +question O question O +. O . O + +Question_ID O Question_ID O +: O : O +34924977 O 34924977 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34924977/ O https://stackoverflow.com/questions/34924977/ O + + +Why O Why O +is O is O +this O this O +formatted O formatted O +string B-Data_Type string O +template O template O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4270 I-Code_Block Q_4270 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +faster O faster O +than O than O +just O just O +a O a O +regular O regular O +string B-Data_Type string O +template O template O +on O on O +1 O 1 O +line O line O +like O like O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4271 I-Code_Block Q_4271 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +see O see O +the O the O +benchmark O benchmark O +in O in O +the O the O +JsPerf B-Application JsPerf O +test O test O +linked O linked O +below O below O +. O . O + +Also O Also O +why O why O +does O does O +Firefox B-Application Firefox O +perform O perform O +way O way O +better O better O +than O than O +Chrome B-Application Chrome O +on O on O +this O this O +benchmark O benchmark O +? O ? O + +JsPerf B-Application JsPerf O +test O test O + +Question_ID O Question_ID O +: O : O +30857515 O 30857515 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30857515/ O https://stackoverflow.com/questions/30857515/ O + + +I O I O +have O have O +a O a O +simple O simple O +python B-Language python O +script O script O +that O that O +compares O compares O +a O a O +range O range O +using O using O +netaddr B-Library netaddr O +with O with O +the O the O +host O host O +file O file O +. O . O + +I O I O +need O need O +to O to O +print O print O +the O the O +whole O whole O +range O range O +and O and O +the O the O +matches O matches O +. O . O + +This O This O +as O as O +far O far O +as O as O +I O I O +can O can O +go O go O +. O . O + +Snippet O Snippet O +below O below O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3716 I-Code_Block Q_3716 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Something O Something O +like O like O +this O this O +: O : O + +192.168.1.1 B-Value 192.168.1.1 O +192.168.1.1 I-Value 192.168.1.1 O +host1 B-Variable_Name host1 O + +192.168.1.2 B-Value 192.168.1.2 O +192.168.1.2 I-Value 192.168.1.2 O +host2 B-Variable_Name host2 O + +192.168.1.3 B-Value 192.168.1.3 O + +I O I O +would O would O +like O like O +to O to O +still O still O +print O print O +the O the O +IP B-Variable_Name IP O +even O even O +if O if O +there O there O +is O is O +no O no O +match O match O +. O . O + +Any O Any O +assistance O assistance O +would O would O +be O be O +greatly O greatly O +appreciated O appreciated O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30857515 O 30857515 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30857515/ O https://stackoverflow.com/questions/30857515/ O + + +Easy O Easy O +solution O solution O +would O would O +be O be O +to O to O +initialize O initialize O +a O a O +match O match O +variable O variable O +and O and O +then O then O +print O print O +the O the O +ip B-Variable_Name ip O +once O once O +if O if O +it O it O +does O does O +n't O n't O +turn O turn O +on O on O +. O . O + +For O For O +example O example O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4398 I-Code_Block A_4398 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +1160833 O 1160833 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1160833/ O https://stackoverflow.com/questions/1160833/ O + + +I O I O +'m O 'm O +looking O looking O +for O for O +a O a O +good O good O +way O way O +to O to O +programmatically O programmatically O +initiate O initiate O +editing O editing O +on O on O +a O a O +System.Windows.Forms.PropertyGrid B-Library_Class System.Windows.Forms.PropertyGrid O +. O . O + +I O I O +can O can O +select O select O +the O the O +GridItem B-Library_Class GridItem O +that O that O +I O I O +want O want O +, O , O +but O but O +that O that O +does O does O +n't O n't O +move O move O +the O the O +cursor B-User_Interface_Element cursor O +into O into O +the O the O +edit O edit O +field B-User_Interface_Element field O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1160833 O 1160833 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1160833/ O https://stackoverflow.com/questions/1160833/ O + + +Did O Did O +you O you O +try O try O +sending O sending O +the O the O +TAB B-Keyboard_IP TAB O +key O key O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_116 I-Code_Block A_116 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +47028204 O 47028204 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47028204/ O https://stackoverflow.com/questions/47028204/ O + + +I O I O +had O had O +reviewed O reviewed O +this O this O +thread O thread O +which O which O +covers O covers O +performing O performing O +a O a O +bulk O bulk O +insert O insert O +using O using O +the O the O +mysql B-Application mysql O +node B-Library_Class node O +module O module O +but O but O +with O with O +a O a O +very O very O +particular O particular O +syntax O syntax O +that O that O +does O does O +n't O n't O +include O include O +the O the O +use O use O +of O of O +subqueries O subqueries O +. O . O + +I O I O +was O was O +wondering O wondering O +how O how O +I O I O +would O would O +perform O perform O +a O a O +bulk O bulk O +insert O insert O +using O using O +this O this O +module O module O +for O for O +a O a O +query O query O +like O like O +this O this O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6224 I-Code_Block Q_6224 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +While O While O +I O I O +'m O 'm O +able O able O +to O to O +run O run O +this O this O +in O in O +the O the O +mysql B-Application mysql O +module O module O +just O just O +fine O fine O +over O over O +a O a O +loop O loop O +, O , O +I O I O +was O was O +hoping O hoping O +for O for O +a O a O +speedier O speedier O +insert O insert O +process O process O +, O , O +but O but O +ca O ca O +n't O n't O +seem O seem O +to O to O +figure O figure O +out O out O +how O how O +to O to O +adjust O adjust O +the O the O +syntax O syntax O +so O so O +it O it O +works O works O +for O for O +a O a O +bulk O bulk O +insert O insert O +operation O operation O +. O . O + +Cheers O Cheers O +. O . O + +Question_ID O Question_ID O +: O : O +2820006 O 2820006 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2820006/ O https://stackoverflow.com/questions/2820006/ O + + +I O I O +am O am O +trying O trying O +to O to O +configure O configure O +the O the O +latest O latest O +version O version O +of O of O +Cruise B-Library Cruise O +Control I-Library Control O +with O with O +SVN B-Application SVN O +and O and O +looking O looking O +for O for O +the O the O +simple O simple O +steps O steps O +to O to O +do O do O +the O the O +same O same O +. O . O + +Not O Not O +able O able O +to O to O +make O make O +out O out O +much O much O +from O from O +this O this O +. O . O + +Any O Any O +help O help O +will O will O +be O be O +appreciated O appreciated O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2820006 O 2820006 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2820006/ O https://stackoverflow.com/questions/2820006/ O + + +I O I O +use O use O +a O a O +custom O custom O +block O block O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_276 I-Code_Block A_276 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +( O ( O +just O just O +put O put O +it O it O +somewhere O somewhere O +at O at O +the O the O +beginning O beginning O +directly O directly O +under O under O +the O the O +root O root O +node O node O +) O ) O + +Then O Then O +I O I O +can O can O +use O use O +this O this O +in O in O +a O a O +project O project O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_277 I-Code_Block A_277 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +way O way O +I O I O +do O do O +not O not O +need O need O +to O to O +repeat O repeat O +the O the O +subversion B-Application subversion O +configuration O configuration O +all O all O +the O the O +time O time O +. O . O + +Question_ID O Question_ID O +: O : O +23939532 O 23939532 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23939532/ O https://stackoverflow.com/questions/23939532/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +setup O setup O +my O my O +app O app O +to O to O +watch O watch O +the O the O +window.innerWidth B-Library_Variable window.innerWidth B-Code_Block +property O property O +and O and O +add O add O +a O a O +property O property O +to O to O +the O the O +$scope B-Library_Class $scope B-Code_Block +based O based O +on O on O +that O that O +width O width O +. O . O + +It O It O +works O works O +the O the O +first O first O +time O time O +, O , O +but O but O +not O not O +on O on O +any O any O +resize O resize O +after O after O +that O that O +. O . O + +Is O Is O +the O the O +$digest B-Library_Function $digest O +method O method O +not O not O +being O being O +called O called O +? O ? O + +If O If O +so O so O +why O why O +not O not O +? O ? O + +Module O Module O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2654 I-Code_Block Q_2654 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Controller O Controller O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2655 I-Code_Block Q_2655 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +View O View O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2656 I-Code_Block Q_2656 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +works O works O +the O the O +first O first O +time O time O +, O , O +if O if O +I O I O +refresh O refresh O +the O the O +screen B-User_Interface_Element screen O +after O after O +resizing O resizing O +it O it O +, O , O +the O the O +expand B-Library_Class expand O +class O class O +is O is O +applied O applied O +, O , O +but O but O +when O when O +I O I O +resize O resize O +it O it O +, O , O +nothing O nothing O +happens O happens O +, O , O +the O the O +console.log B-Library_Function console.log O +function O function O +does O does O +n't O n't O +even O even O +fire O fire O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23939532 O 23939532 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23939532/ O https://stackoverflow.com/questions/23939532/ O + + +Resizing O Resizing O +the O the O +window B-User_Interface_Element window O +does O does O +n't O n't O +cause O cause O +Angular B-Library Angular O +to O to O +re-run O re-run O +a O a O +$digest B-Library_Function $digest B-Code_Block +loop O loop O +, O , O +so O so O +window.innerWidth B-Library_Variable window.innerWidth B-Code_Block +' O ' O +s O s O +value O value O +is O is O +checked O checked O +only O only O +when O when O +something O something O +else O else O +causes O causes O +it O it O +. O . O + +You O You O +should O should O +instead O instead O +use O use O +a O a O +directive O directive O +( O ( O +ie O ie O +. O . O +do O do O +n't O n't O +do O do O +this O this O +work O work O +in O in O +your O your O +controller O controller O +) O ) O +, O , O +binding O binding O +to O to O +the O the O +window.onresize B-Library_Function window.onresize B-Code_Block +event O event O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3259 I-Code_Block A_3259 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +this O this O +case O case O +, O , O +you O you O +call O call O +scope B-Library_Function scope B-Code_Block +. I-Library_Function . I-Code_Block +$ I-Library_Function $ I-Code_Block +apply I-Library_Function apply I-Code_Block +. O . O + +This O This O +causes O causes O +the O the O +$digest B-Library_Function $digest O +loop O loop O +to O to O +run O run O +following O following O +this O this O +event O event O +, O , O +which O which O +is O is O +outside O outside O +of O of O +the O the O +Angular B-Library Angular O +context O context O +. O . O + +You O You O +can O can O +use O use O +this O this O +directive O directive O +to O to O +decorate O decorate O +an O an O +element O element O +on O on O +the O the O +same O same O +scope O scope O +as O as O +the O the O +variable O variable O +you O you O +'re O 're O +changing O changing O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3260 I-Code_Block A_3260 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Demo O Demo O +( O ( O +best O best O +viewed O viewed O +full-screen O full-screen O +) O ) O + +Question_ID O Question_ID O +: O : O +1905231 O 1905231 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1905231/ O https://stackoverflow.com/questions/1905231/ O + + +I O I O +'ve O 've O +added O added O +a O a O +Digg B-User_Interface_Element Digg O +button I-User_Interface_Element button O +to O to O +all O all O +the O the O +items O items O +in O in O +my O my O +site O site O +. O . O + +The O The O +javascript B-Language javascript O +required O required O +for O for O +dynamic O dynamic O +Digg B-User_Interface_Element Digg O +buttons I-User_Interface_Element buttons O +is O is O +just O just O +before O before O +my O my O + B-HTML_XML_Tag B-Code_Block +close O close O +tag O tag O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_121 I-Code_Block Q_121 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Everything O Everything O +works O works O +on O on O +pages B-User_Interface_Element pages O +that O that O +have O have O +the O the O +dynamic O dynamic O +Digg B-User_Interface_Element Digg O +buttons I-User_Interface_Element buttons O +on O on O +them O them O +, O , O +but O but O +on O on O +pages B-User_Interface_Element pages O +that O that O +do O do O +n't O n't O +, O , O +an O an O +orphan O orphan O +Digg B-User_Interface_Element Digg O +icon I-User_Interface_Element icon O +is O is O +floating O floating O +in O in O +space O space O +at O at O +the O the O +bottom O bottom O +of O of O +the O the O +page B-User_Interface_Element page O +. O . O + +Is O Is O +this O this O +normal O normal O +behaviour O behaviour O +? O ? O + +How O How O +can O can O +I O I O +prevent O prevent O +it O it O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1905231 O 1905231 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1905231/ O https://stackoverflow.com/questions/1905231/ O + + +I O I O +broke O broke O +down O down O +and O and O +simply O simply O +took O took O +the O the O + I-Code_Block src="https://cdnjs.cloudflare.com/ajax/libs/babel-core/6.1.19/browser.min.js"> I-Code_Block + +0Aconst%20A%20%3D%20%7B%5BL%5D%3A%20responses%7D%0Aconsole.log(A)%0A O 0Aconst%20A%20%3D%20%7B%5BL%5D%3A%20responses%7D%0Aconsole.log(A)%0A O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5156 I-Code_Block A_5156 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +noted O noted O +: O : O +other O other O +person O person O +got O got O +in O in O +before O before O +me O me O +. O . O + +Question_ID O Question_ID O +: O : O +34021288 O 34021288 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34021288/ O https://stackoverflow.com/questions/34021288/ O + + +I O I O +am O am O +trying O trying O +to O to O +build O build O +appinventor B-Application appinventor O +locally O locally O +on O on O +windows B-Operating_System windows O +7 B-Version 7 O +using O using O +the O the O +following O following O +document O document O +: O : O +https://docs.google.com/document/d/1Xc9yt02x3BRoq5m1PJHBr81OOv69rEBy8LVG_84j9jc/pub#h.5p32kqx16c2d O https://docs.google.com/document/d/1Xc9yt02x3BRoq5m1PJHBr81OOv69rEBy8LVG_84j9jc/pub#h.5p32kqx16c2d O + +I O I O +'ve O 've O +downloaded O downloaded O +all O all O +the O the O +software O software O +listed O listed O +in O in O +section O section O +3 O 3 O +and O and O +proceeded O proceeded O +building O building O +the O the O +app O app O +inventor O inventor O +by O by O +cloning O cloning O +a O a O +git B-Application git O +repository O repository O +by O by O +running O running O +the O the O +following O following O +git B-Application git O +command O command O +from O from O +a O a O +shell B-Application shell O +: O : O +git B-Code_Block git O +clone I-Code_Block clone O +https://github.com/mit-cml/appinventor-sources.git O https://github.com/mit-cml/appinventor-sources.git O + +I O I O +keep O keep O +getting O getting O +the O the O +following O following O +error O error O +: O : O +failed O failed O +to O to O +connect O connect O +to O to O +github O github O +443 B-Error_Name 443 O +error I-Error_Name error O + +I O I O +'ve O 've O +tired O tired O +doing O doing O +a O a O +Google B-Website Google O +search O search O +and O and O +found O found O +this O this O +: O : O +GitHub B-Website GitHub O +- O - O +failed O failed O +to O to O +connect O connect O +to O to O +github B-Website github O +443 B-Error_Name 443 O +windows/ B-Operating_System windows/ O +Failed O Failed O +to O to O +connect O connect O +to O to O +gitHub B-Website gitHub O +- O - O +No O No O +Error O Error O + +I O I O +'m O 'm O +not O not O +at O at O +all O all O +experienced O experienced O +in O in O +this O this O +field O field O +so O so O +I O I O +do O do O +not O not O +understand O understand O +any O any O +of O of O +the O the O +solutions O solutions O +mentioned O mentioned O +, O , O +could O could O +you O you O +please O please O +try O try O +and O and O +help O help O +me O me O +out O out O +by O by O +going O going O +through O through O +the O the O +best O best O +solution O solution O +step O step O +by O by O +step O step O +? O ? O + +I O I O +'m O 'm O +working O working O +in O in O +a O a O +company O company O +so O so O +I O I O +ca O ca O +n't O n't O +get O get O +the O the O +proxy O proxy O +like O like O +they O they O +mentioned O mentioned O +or O or O +the O the O +firewall O firewall O +might O might O +be O be O +blocking O blocking O +it O it O +. O . O + +Thank O Thank O +you O you O +in O in O +advance O advance O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +34021288 O 34021288 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34021288/ O https://stackoverflow.com/questions/34021288/ O + + +If O If O +you O you O +are O are O +behind O behind O +the O the O +corporate O corporate O +firewall O firewall O +and O and O +if O if O +all O all O +your O your O +requests O requests O +goes O goes O +through O through O +the O the O +proxy O proxy O +server O server O +then O then O +you O you O +must O must O +set O set O +the O the O +Git B-Application Git O +proxy O proxy O +first O first O +before O before O +running O running O +any O any O +get O get O +commands O commands O +like O like O +pull B-Code_Block pull O +, O , O +fetch B-Code_Block fetch O +and O and O +push B-Code_Block push O +commands O commands O +. O . O + +To O To O +set O set O +the O the O +Git B-Application Git O +proxy O proxy O +for O for O +HTTP O HTTP O +and O and O +HTTPS O HTTPS O +use O use O +the O the O +following O following O +Git B-Application Git O +commands O commands O +in O in O +the O the O +git B-Application git O +bash I-Application bash O +shell I-Application shell O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4873 I-Code_Block A_4873 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Check O Check O +How O How O +to O to O +configure O configure O +Git B-Application Git O +proxy O proxy O +and O and O +How O How O +to O to O +unset O unset O +the O the O +Git B-Application Git O +Proxy O Proxy O +for O for O +more O more O +details O details O + +Question_ID O Question_ID O +: O : O +22928390 O 22928390 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/22928390/ O https://stackoverflow.com/questions/22928390/ O + + +If O If O +say O say O +i O i O +am O am O +having O having O +a O a O +textbox B-User_Interface_Element textbox O +input O input O +and O and O +a O a O +integer B-Data_Type integer O +value O value O +A B-Variable_Name A O +then O then O +how O how O +to O to O +check O check O +at O at O +time O time O +of O of O +typing O typing O +the O the O +data O data O +itself O itself O +that O that O +the O the O +value O value O +entered O entered O +in O in O +textbox B-User_Interface_Element textbox O +does O does O +not O not O +exceed O exceed O +A B-Variable_Name A O +. O . O + +Textbox B-User_Interface_Element Textbox O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2504 I-Code_Block Q_2504 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +My O My O +script B-HTML_XML_Tag script O +: O : O + +( O ( O +According O According O +to O to O +answer O answer O +by O by O +Felix B-User_Name Felix O +) O ) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2505 I-Code_Block Q_2505 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +FORM B-HTML_XML_Tag FORM O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2506 I-Code_Block Q_2506 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Whats O Whats O +problem O problem O +in O in O +this O this O +? O ? O + +the O the O +script B-HTML_XML_Tag script O +code O code O +is O is O +not O not O +running O running O +and O and O +not O not O +printing O printing O +the O the O +error O error O +message.Please O message.Please O +help O help O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +22928390 O 22928390 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/22928390/ O https://stackoverflow.com/questions/22928390/ O + + +You O You O +can O can O +use O use O +.keyup() B-Library_Function .keyup() O +event O event O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3104 I-Code_Block A_3104 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Fiddle B-Application Fiddle O +Demo O Demo O + +Based O Based O +on O on O +your O your O +comment O comment O +, O , O +you O you O +can O can O +do O do O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3105 I-Code_Block A_3105 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Fiddle B-Application Fiddle O +Demo O Demo O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +22928390 O 22928390 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/22928390/ O https://stackoverflow.com/questions/22928390/ O + + +Do O Do O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3107 I-Code_Block A_3107 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Demo O Demo O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +22928390 O 22928390 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/22928390/ O https://stackoverflow.com/questions/22928390/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3106 I-Code_Block A_3106 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +3601479 O 3601479 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3601479/ O https://stackoverflow.com/questions/3601479/ O + + +I O I O +have O have O +a O a O +Class O Class O +which O which O +I O I O +have O have O +created O created O +as O as O +an O an O +NSObject B-Library_Class NSObject O +. O . O + +This O This O +class O class O +has O has O +a O a O +number O number O +of O of O +properties O properties O +of O of O +different O different O +types O types O +and O and O +methods O methods O +etc O etc O +. O . O + +When O When O +I O I O +instantiate O instantiate O +this O this O +class O class O +in O in O +my O my O +App O App O +( O ( O +say O say O +in O in O +the O the O +main O main O +View B-Library_Class View O +Controller I-Library_Class Controller O +) O ) O +I O I O + +immediately O immediately O +send O send O +it O it O +a O a O +release O release O +call O call O +when O when O +I O I O +am O am O +finished O finished O +using O using O +it O it O +. O . O + +ie O ie O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_257 I-Code_Block Q_257 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +So O So O +my O my O +question O question O +is O is O +: O : O + +When O When O +I O I O +release O release O +myObject B-Variable_Name myObject O +, O , O +does O does O +it O it O +automatically O automatically O +release O release O +all O all O +of O of O +the O the O +declared O declared O +objects O objects O +, O , O +variables O variables O +, O , O +etc O etc O +. O . O +that O that O +I O I O +declared O declared O +in O in O +the O the O +MyObject B-File_Name MyObject O +.h I-File_Name .h O +file O file O +? O ? O + +OR O OR O + +Do O Do O +I O I O +need O need O +to O to O +create O create O +a O a O +custom O custom O +release O release O +method O method O +which O which O +releases O releases O +all O all O +of O of O +these O these O +? O ? O + +I O I O +ask O ask O +because O because O +of O of O +memory O memory O +management O management O +issues O issues O +. O . O + +Thank O Thank O +you O you O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +3601479 O 3601479 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3601479/ O https://stackoverflow.com/questions/3601479/ O + + +You O You O +need O need O +to O to O +implement O implement O +a O a O +dealloc B-Function_Name dealloc B-Code_Block +method O method O +in O in O +your O your O +object O object O +and O and O +use O use O +that O that O +method O method O +to O to O +release O release O +any O any O +resources O resources O +that O that O +you O you O +own O own O +. O . O + +http://developer.apple.com/mac/library/documentation/Cocoa/Conceptual/MemoryMgmt/Articles/mmObjectOwnership.html#//apple_ref/doc/uid/20000043-SW4 O http://developer.apple.com/mac/library/documentation/Cocoa/Conceptual/MemoryMgmt/Articles/mmObjectOwnership.html#//apple_ref/doc/uid/20000043-SW4 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_388 I-Code_Block A_388 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Important O Important O +note O note O +: O : O +you O you O +never O never O +call O call O +a O a O +dealloc B-Function_Name dealloc O +method O method O +on O on O +an O an O +object O object O +, O , O +it O it O +'s O 's O +invoked O invoked O +automatically O automatically O +by O by O +the O the O +runtime O runtime O +when O when O +it O it O +'s O 's O +time O time O +to O to O +clean O clean O +up O up O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +3601479 O 3601479 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/3601479/ O https://stackoverflow.com/questions/3601479/ O + + +I O I O +had O had O +the O the O +same O same O +issue O issue O +as O as O +Zigglzworth B-User_Name Zigglzworth B-Code_Block +and O and O +it O it O +was O was O +the O the O +position O position O +of O of O +the O the O +[ O [ B-Code_Block +super O super I-Code_Block +dealloc B-Function_Name dealloc I-Code_Block +] O ] I-Code_Block +call O call O +. O . O + +I O I O +had O had O +it O it O +at O at O +the O the O +start O start O +of O of O +my O my O +-(void)dealloc B-Function_Name -(void)dealloc B-Code_Block +method O method O +and O and O +it O it O +was O was O +causing O causing O +a O a O +crash O crash O +every O every O +time O time O +. O . O + +Moved O Moved O +[ O [ B-Code_Block +super O super I-Code_Block +dealloc B-Function_Name dealloc I-Code_Block +] O ] I-Code_Block +to O to O +the O the O +end O end O +of O of O +the O the O +method O method O +after O after O +the O the O +variable O variable O +release O release O +statements O statements O +and O and O +now O now O +it O it O +works O works O +just O just O +fine O fine O +. O . O + +Question_ID O Question_ID O +: O : O +5147234 O 5147234 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5147234/ O https://stackoverflow.com/questions/5147234/ O + + +There O There O +are O are O +many O many O +optimization O optimization O +problems O problems O +that O that O +are O are O +known O known O +to O to O +be O be O +NP-hard O NP-hard O +, O , O +such O such O +as O as O +the O the O +traveling O traveling O +salesman O salesman O +problem O problem O +, O , O +MAX-SAT O MAX-SAT O +, O , O +or O or O +finding O finding O +the O the O +minimum O minimum O +chromatic O chromatic O +number O number O +of O of O +a O a O +graph B-Data_Structure graph O +. O . O + +Given O Given O +a O a O +problem O problem O +of O of O +this O this O +sort O sort O +, O , O +I O I O +'m O 'm O +curious O curious O +about O about O +the O the O +complexity O complexity O +of O of O +the O the O +following O following O +problem O problem O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Intuitively O Intuitively O +, O , O +it O it O +seems O seems O +like O like O +this O this O +might O might O +be O be O +co-NP O co-NP O +hard O hard O +, O , O +since O since O +it O it O +'s O 's O +easy O easy O +to O to O +refute O refute O +an O an O +answer O answer O +to O to O +an O an O +optimization O optimization O +problem O problem O +by O by O +guessing O guessing O +a O a O +better O better O +solution O solution O +and O and O +using O using O +it O it O +as O as O +a O a O +witness O witness O +, O , O +but O but O +I O I O +have O have O +no O no O +idea O idea O +how O how O +to O to O +show O show O +this O this O +. O . O + +In O In O +fact O fact O +, O , O +I O I O +do O do O +n't O n't O +really O really O +know O know O +how O how O +to O to O +reason O reason O +about O about O +the O the O +complexity O complexity O +of O of O +this O this O +problem O problem O +. O . O + +Does O Does O +anyone O anyone O +know O know O +of O of O +any O any O +good O good O +lower O lower O +bounds O bounds O +on O on O +the O the O +complexity O complexity O +of O of O +this O this O +decision O decision O +problem O problem O +? O ? O + +Knowing O Knowing O +whether O whether O +this O this O +was O was O +co-NP O co-NP O +hard O hard O +, O , O +PSPACE-hard O PSPACE-hard O +, O , O +etc O etc O +. O . O +would O would O +be O be O +really O really O +interesting O interesting O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5147234 O 5147234 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5147234/ O https://stackoverflow.com/questions/5147234/ O + + +The O The O +term O term O +' O ' O +NP-hard O NP-hard O +optimization O optimization O +problem O problem O +' O ' O +seems O seems O +a O a O +bit O bit O +too O too O +broad O broad O +to O to O +let O let O +a O a O +satisfying O satisfying O +answer O answer O +be O be O +found O found O +. O . O + +For O For O +instance O instance O +, O , O +I O I O +ca O ca O +n't O n't O +see O see O +what O what O +precludes O precludes O +decision O decision O +problems O problems O +from O from O +being O being O +considered O considered O +NP-hard O NP-hard O +optimization O optimization O +problems O problems O +- O - O +if O if O +you O you O +consider O consider O +, O , O +say O say O +, O , O +the O the O +MAX-CNF-SAT O MAX-CNF-SAT O +problem O problem O +with O with O +the O the O +solutions O solutions O +being O being O +scored O scored O +as O as O +floor(k/N) B-Function_Name floor(k/N) O +, O , O +where O where O +k B-Variable_Name k O +is O is O +the O the O +number O number O +of O of O +satisfied O satisfied O +clauses O clauses O +and O and O +N B-Variable_Name N O +is O is O +the O the O +total O total O +number O number O +of O of O +clauses O clauses O +in O in O +the O the O +instance O instance O +( O ( O +which O which O +is O is O +clearly O clearly O +computable O computable O +in O in O +polynomial O polynomial O +time O time O +) O ) O +, O , O +then O then O +any O any O +valuation O valuation O +which O which O +yields O yields O +a O a O +1 B-Value 1 O +in O in O +this O this O +formula O formula O +will O will O +have O have O +to O to O +satisfy O satisfy O +the O the O +whole O whole O +formula O formula O +. O . O + +So O So O +let O let O +'s O 's O +assume O assume O +that O that O +we O we O +are O are O +maximizing O maximizing O +floor(k/N) B-Function_Name floor(k/N) O +and O and O +call O call O +this O this O +the O the O +FLOOR-CNF-SAT O FLOOR-CNF-SAT O +optimization O optimization O +problem O problem O +: O : O +) O ) O + +This O This O +implies O implies O +you O you O +can O can O +reduce O reduce O +TAUTOLOGY O TAUTOLOGY O +to O to O +said O said O +optimization O optimization O +problem O problem O +- O - O +negate O negate O +the O the O +input O input O +and O and O +add O add O +any O any O +solution O solution O +as O as O +S B-Variable_Name S O +. O . O +You O You O +can O can O +even O even O +add O add O +a O a O +dummy O dummy O +variable O variable O +to O to O +make O make O +sure O sure O +the O the O +initial O initial O +solution O solution O +is O is O +gets O gets O +a O a O +0 B-Value 0 O +in O in O +the O the O +FLOOR-CNF-SAT O FLOOR-CNF-SAT O +problem O problem O +. O . O + +Negation O Negation O +is O is O +polynomial O polynomial O +in O in O +time O time O +. O . O + +Then O Then O +if O if O +a O a O +solver O solver O +for O for O +the O the O +proposed O proposed O +problem O problem O +deems O deems O +S B-Variable_Name S O +to O to O +not O not O +be O be O +optimal O optimal O +, O , O +there O there O +must O must O +clearly O clearly O +be O be O +a O a O +valuation O valuation O +which O which O +yields O yields O +a O a O +1 B-Value 1 O +according O according O +to O to O +our O our O +crafted O crafted O +function O function O +and O and O +thus O thus O +satisfies O satisfies O +the O the O +whole O whole O +formula O formula O +- O - O +in O in O +turn O turn O +providing O providing O +a O a O +valuation O valuation O +that O that O +does O does O +not O not O +satisfy O satisfy O +the O the O +original O original O +input O input O +to O to O +TAUTOLOGY O TAUTOLOGY O +. O . O + +By O By O +cheating O cheating O +slightly O slightly O +( O ( O +using O using O +an O an O +artificially O artificially O +crafted O crafted O +optimization O optimization O +problem O problem O +) O ) O +we O we O +have O have O +established O established O +the O the O +' O ' O +is O is O +optimal O optimal O +' O ' O +problem O problem O +as O as O +co-NP-complete O co-NP-complete O +, O , O +since O since O +TAUTOLOGY O TAUTOLOGY O +is O is O +easily O easily O +shown O shown O +to O to O +be O be O +co-NP-complete O co-NP-complete O +. O . O + +By O By O +your O your O +own O own O +argument O argument O +the O the O +' O ' O +is O is O +optimal O optimal O +' O ' O +decision O decision O +problem O problem O +is O is O +co-NP-hard O co-NP-hard O +, O , O +since O since O +as O as O +a O a O +witness O witness O +you O you O +only O only O +need O need O +a O a O +better O better O +solution O solution O +- O - O +score O score O +S B-Variable_Name S O +, O , O +score O score O +the O the O +witness O witness O +and O and O +compare O compare O +. O . O + +I O I O +do O do O +n't O n't O +really O really O +feel O feel O +great O great O +about O about O +this O this O +reduction O reduction O +but O but O +I O I O +ca O ca O +n't O n't O +easily O easily O +improve O improve O +on O on O +the O the O +problem O problem O +class O class O +. O . O + +If O If O +you O you O +require O require O +that O that O +there O there O +be O be O +instances O instances O +which O which O +score O score O +arbitrarily O arbitrarily O +high O high O +and O and O +not O not O +just O just O +{ B-Value { O +0 I-Value 0 O +, I-Value , O +1} I-Value 1} O +, O , O +I O I O +could O could O +just O just O +use O use O +N B-Code_Block N O +* I-Code_Block * O +floor(k/N) I-Code_Block floor(k/N) O +. O . O + +An O An O +improvement O improvement O +to O to O +the O the O +class O class O +could O could O +be O be O +to O to O +only O only O +consider O consider O +a O a O +problem O problem O +an O an O +NP-hard O NP-hard O +optimization O optimization O +problem O problem O +if O if O +for O for O +each O each O +K B-Variable_Name K O +there O there O +exists O exists O +an O an O +instance O instance O +that O that O +has O has O +at O at O +least O least O +K B-Variable_Name K O +solutions O solutions O +which O which O +all O all O +score O score O +differently O differently O +. O . O + +I O I O +think O think O +I O I O +can O can O +still O still O +cheat O cheat O +my O my O +way O way O +through O through O +that O that O +: O : O + +Consider O Consider O +a O a O +reduction O reduction O +that O that O +adds O adds O +N B-Variable_Name N O +dummy O dummy O +variables O variables O +to O to O +the O the O +TAUTOLOGY O TAUTOLOGY O +input O input O +as O as O +follows O follows O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_593 I-Code_Block A_593 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +where O where O +S B-Variable_Name S O +is O is O +the O the O +negated O negated O +input O input O +. O . O + +As O As O +an O an O +initial O initial O +valuation O valuation O +I O I O +choose O choose O +d1 B-Code_Block d1 O +, I-Code_Block , O +.. I-Code_Block .. O +. I-Code_Block . O +, I-Code_Block , O +dN I-Code_Block dN O += I-Code_Block = O +false I-Code_Block false O +, O , O +but O but O +as O as O +a O a O +score O score O +I O I O +give O give O +a O a O +function O function O +that O that O +returns O returns O +2N B-Code_Block 2N O +- I-Code_Block - O +1 I-Code_Block 1 O +if O if O +the O the O +first O first O +N B-Variable_Name N O +clauses O clauses O +are O are O +all O all O +false O false O +, O , O +otherwise O otherwise O +it O it O +returns O returns O +the O the O +number O number O +of O of O +satisfied O satisfied O +clauses O clauses O +. O . O + +Such O Such O +a O a O +function O function O +would O would O +only O only O +return O return O +2N B-Variable_Name 2N O +if O if O +all O all O +the O the O +clauses O clauses O +were O were O +satisfied O satisfied O +but O but O +could O could O +easily O easily O +have O have O +at O at O +least O least O +N B-Variable_Name N O +distinct O distinct O +values O values O +. O . O + +I O I O +am O am O +afraid O afraid O +that O that O +without O without O +some O some O +complicated O complicated O +regularity O regularity O +conditions O conditions O +on O on O +the O the O +scoring O scoring O +function O function O +this O this O +is O is O +the O the O +best O best O +we O we O +can O can O +get O get O +, O , O +unless O unless O +you O you O +consider O consider O +the O the O +definition O definition O +of O of O +an O an O +NP-hard O NP-hard O +optimization O optimization O +problem O problem O +to O to O +be O be O +' O ' O +a O a O +problem O problem O +for O for O +which O which O +, O , O +given O given O +a O a O +candidate O candidate O +solution O solution O +S B-Variable_Name S O +, O , O +we O we O +can O can O +in O in O +polynomial O polynomial O +time O time O +verify O verify O +whether O whether O +S B-Variable_Name S O +is O is O +optimal O optimal O +' O ' O +, O , O +in O in O +which O which O +case O case O +' O ' O +is-optimal O is-optimal O +' O ' O +is O is O +clearly O clearly O +P O P O +and O and O +it O it O +'s O 's O +no O no O +fun O fun O +at O at O +all:/ O all:/ O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5147234 O 5147234 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5147234/ O https://stackoverflow.com/questions/5147234/ O + + +Because O Because O +S B-Variable_Name S O +is O is O +a O a O +candidate O candidate O +solution O solution O +; O ; O +given O given O +that O that O +there O there O +are O are O +no O no O +other O other O +S B-Variable_Name S O +in O in O +which O which O +S B-Variable_Name S O +can O can O +be O be O +proven O proven O +to O to O +be O be O +greedy O greedy O +or O or O +less O less O +optimal O optimal O +than O than O +any O any O +other O other O +S B-Variable_Name S O +. O . O +It O It O +must O must O +be O be O +that O that O +S B-Variable_Name S O +is O is O +at O at O +current O current O +the O the O +MOST O MOST O +optimal O optimal O +solution O solution O +for O for O +the O the O +problem O problem O +. O . O + +Question_ID O Question_ID O +: O : O +5654175 O 5654175 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5654175/ O https://stackoverflow.com/questions/5654175/ O + + +I O I O +am O am O +new O new O +to O to O +Pentaho B-Application Pentaho O +Kettle I-Application Kettle O +and O and O +I O I O +am O am O +wondering O wondering O +what O what O +the O the O +Internal.Job.Filename.Directory B-Library_Variable Internal.Job.Filename.Directory B-Code_Block +is O is O +? O ? O + +Is O Is O +it O it O +my O my O +SPoon.bat B-File_Name SPoon.bat B-Code_Block +folder O folder O +, O , O +or O or O +the O the O +job/xfrm B-File_Name job/xfrm O +folder O folder O +i O i O +created O created O +? O ? O + +Is O Is O +there O there O +a O a O +way O way O +I O I O +can O can O +change O change O +it O it O +to O to O +point O point O +to O to O +particular O particular O +folder O folder O +? O ? O + +I O I O +am O am O +runnig O runnig O +spoon.bat B-File_Name spoon.bat B-Code_Block +in O in O +Windows B-Operating_System Windows O +XP B-Version XP O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5654175 O 5654175 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5654175/ O https://stackoverflow.com/questions/5654175/ O + + +To O To O +set O set O +value O value O +to O to O +variable O variable O +Internal.Job.Filename.Directory B-Library_Variable Internal.Job.Filename.Directory O +, O , O +you O you O +need O need O +to O to O +launch O launch O +Job B-Library_Class Job O +in O in O +this O this O + +way O way O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3102 I-Code_Block Q_3102 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5654175 O 5654175 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5654175/ O https://stackoverflow.com/questions/5654175/ O + + +Internal.Job.Filename.Directory B-Library_Variable Internal.Job.Filename.Directory B-Code_Block +is O is O +only O only O +set O set O +when O when O +you O you O +do O do O +n't O n't O +use O use O +a O a O +repository O repository O +, O , O +and O and O +it O it O +is O is O +set O set O +automatically O automatically O +. O . O + +You O You O +cannot O cannot O +set O set O +it O it O +manually O manually O +. O . O + +How O How O +not O not O +to O to O +use O use O +an O an O +repository O repository O +? O ? O + +When O When O +you O you O +start O start O +Spoon B-Application Spoon O +, O , O +you O you O +get O get O +a O a O +dialog B-User_Interface_Element dialog O +which O which O +asks O asks O +for O for O +a O a O +repository O repository O +. O . O + +Just O Just O +close O close O +this O this O +dialog O dialog O +with O with O +cancel O cancel O +and O and O +you O you O +'re O 're O +fine O fine O +! O ! O + +It O It O +took O took O +me O me O +a O a O +while O while O +to O to O +find O find O +this O this O +: O : O +I O I O +was O was O +wondering O wondering O +why O why O +Internal.Job.Filename.Directory B-Library_Variable Internal.Job.Filename.Directory B-Code_Block +was O was O +always O always O +empty O empty O +. O . O + +The O The O +repository O repository O +was O was O +the O the O +cause O cause O +. O . O + +It O It O +'s O 's O +documented O documented O +here O here O +: O : O +http://jira.pentaho.com/browse/PDI-7434 O http://jira.pentaho.com/browse/PDI-7434 O + +Question_ID O Question_ID O +: O : O +40975280 O 40975280 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/40975280/ O https://stackoverflow.com/questions/40975280/ O + + +When O When O +the O the O +length O length O +of O of O +characters O characters O +in O in O +json B-Library_Function json O +result O result O +is O is O +large O large O +the O the O +following O following O +exception B-Library_Class exception O +will O will O +be O be O +raised O raised O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +The O The O +above O above O +exception B-Library_Class exception O +is O is O +a O a O +server O server O +side O side O +exception B-Library_Class exception O +with O with O +500 B-Error_Name 500 O +response O response O +code O code O +so O so O +if O if O +we O we O +put O put O +the O the O +source O source O +code O code O +inside O inside O +a O a O +try B-Code_Block try O +catch I-Code_Block catch O +block O block O +, O , O +the O the O +error O error O +should O should O +be O be O +caught O caught O +in O in O +catch B-Code_Block catch O +block O block O +, O , O +but O but O +try B-Code_Block try O +catch I-Code_Block catch O +does O does O +not O not O +work O work O +for O for O +this O this O +scenario O scenario O +. O . O + +You O You O +could O could O +test O test O +this O this O +problem O problem O +by O by O +following O following O +code O code O +, O , O +please O please O +use O use O +it O it O +inside O inside O +an O an O +asp.net B-Library asp.net O +mvc B-Algorithm mvc O +controller O controller O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5184 I-Code_Block Q_5184 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +40975280 O 40975280 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/40975280/ O https://stackoverflow.com/questions/40975280/ O + + +I O I O +cannot O cannot O +reproduce O reproduce O +the O the O +error O error O +, O , O +but O but O +anyway O anyway O +what O what O +is O is O +happening O happening O +to O to O +you O you O +is O is O +that O that O +the O the O +Json B-Library_Function Json B-Code_Block +method O method O +implementation O implementation O +is O is O +already O already O +catching O catching O +the O the O +exception B-Library_Class exception O +internally O internally O +and O and O +converting O converting O +it O it O +to O to O +full-blown O full-blown O +HTTP B-Error_Name HTTP O +5xx I-Error_Name 5xx O +response I-Error_Name response O +. O . O + +There O There O +is O is O +no O no O +exception B-Library_Class exception O +coming O coming O +out O out O +from O from O +the O the O +return O return B-Code_Block +Json() B-Library_Function Json() I-Code_Block +call O call O +. O . O + +There O There O +is O is O +no O no O +chance O chance O +for O for O +you O you O +to O to O +catch O catch O +the O the O +exception B-Library_Class exception O +because O because O +.. O .. O +. O . O +what O what O +would O would O +you O you O +do O do O +? O ? O + +Generate O Generate O +an O an O +HTTP B-Error_Name HTTP O +5xx I-Error_Name 5xx O +response I-Error_Name response O +? O ? O + +That O That O +is O is O +already O already O +done O done O +for O for O +you O you O +by O by O +the O the O +MVC B-Algorithm MVC O +framework O framework O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +40975280 O 40975280 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/40975280/ O https://stackoverflow.com/questions/40975280/ O + + +Try O Try O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5860 I-Code_Block A_5860 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +25988688 O 25988688 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25988688/ O https://stackoverflow.com/questions/25988688/ O + + +what O what O +is O is O +the O the O +easiest O easiest O +way O way O +to O to O +separate O separate O +following O following O +text B-File_Type text O +file O file O +and O and O +print O print O +its O its O +values O values O +in O in O +this O this O +format O format O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25988688 O 25988688 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25988688/ O https://stackoverflow.com/questions/25988688/ O + + +If O If O +your O your O +input O input O +data O data O +are O are O +in O in O +JSON B-File_Type JSON O +format O format O +, O , O +look O look O +at O at O +a O a O +C-based B-Language C-based O +JSON B-File_Type JSON O +parser O parser O +, O , O +like O like O +JSON-C B-Library JSON-C O +or O or O +Jansson B-Library Jansson O +. O . O + +Parse O Parse O +your O your O +data O data O +objects O objects O +from O from O +JSON B-File_Type JSON O +format O format O +and O and O +into O into O +some O some O +struct B-Data_Structure struct B-Code_Block +of O of O +your O your O +design O design O +, O , O +and O and O +then O then O +write O write O +a O a O +function O function O +to O to O +print O print O +out O out O +an O an O +array B-Data_Structure array O +of O of O +struct O struct B-Code_Block +elements O elements O +to O to O +standard O standard O +output O output O +, O , O +in O in O +a O a O +format O format O +of O of O +your O your O +choosing O choosing O +. O . O + +Question_ID O Question_ID O +: O : O +18634027 O 18634027 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18634027/ O https://stackoverflow.com/questions/18634027/ O + + +How O How O +would O would O +I O I O +get O get O +all O all O +of O of O +the O the O +children O children O +in O in O +a O a O +specific O specific O +Column B-Data_Structure Column O +of O of O +a O a O +Grid B-Data_Structure Grid O +? O ? O + +I O I O +need O need O +to O to O +perform O perform O +some O some O +calculations O calculations O +on O on O +the O the O +children O children O +inside O inside O +a O a O +certain O certain O +Column B-Data_Structure Column O +in O in O +a O a O +Grid B-Data_Structure Grid O +, O , O +but O but O +I O I O +cannot O cannot O +find O find O +a O a O +way O way O +of O of O +getting O getting O +all O all O +children O children O +for O for O +that O that O +Column B-Data_Structure Column O +. O . O + +Any O Any O +help O help O +would O would O +be O be O +appreciated O appreciated O +. O . O + +Adam B-User_Name Adam O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +18634027 O 18634027 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18634027/ O https://stackoverflow.com/questions/18634027/ O + + +Do O Do O +some O some O +thing O thing O +like O like O +this O this O + +This O This O +is O is O +the O the O +code O code O +example O example O + +XAML B-Language XAML O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2445 I-Code_Block A_2445 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CODE O CODE O +( O ( O +c# B-Language c# O +) O ) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2446 I-Code_Block A_2446 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +oly O oly O +constraint O constraint O +is O is O +you O you O +need O need O +to O to O +keep O keep O +a O a O +check O check O +of O of O +the O the O +kind O kind O +of O of O +elements O elements O +u O u O +place O place O +inside O inside O +the O the O +Grid B-Data_Structure Grid O +. O . O +. O . O +if O if O +they O they O +are O are O +different O different O +then O then O +mapping O mapping O +them O them O +will O will O +cause O cause O +trouble O trouble O +.. O .. O +. O . O +please O please O +let O let O +me O me O +know O know O +if O if O +different O different O +elements O elements O +are O are O +present O present O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +18634027 O 18634027 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18634027/ O https://stackoverflow.com/questions/18634027/ O + + +Try O Try O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2444 I-Code_Block A_2444 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +44383064 O 44383064 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44383064/ O https://stackoverflow.com/questions/44383064/ O + + +I O I O +want O want O +to O to O +read O read O +one O one O +pdf B-File_Type pdf O +file O file O +which O which O +is O is O +in O in O +below O below O +format O format O +- O - O + +data.pdf B-File_Name data.pdf O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5766 I-Code_Block Q_5766 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'m O 'm O +trying O trying O +to O to O +read O read O +this O this O +file O file O +using O using O +python B-Library python O +pandas I-Library pandas O +but O but O +I O I O +did O did O +n't O n't O +get O get O +any O any O +success O success O +yet O yet O +. O . O + +Actually O Actually O +I O I O +want O want O +to O to O +convert O convert O +this O this O +file O file O +in O in O +csv B-File_Type csv O +format O format O +like O like O +below O below O +- O - O + +output.csv B-File_Name output.csv O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5767 I-Code_Block Q_5767 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +already O already O +tried O tried O +with O with O +pdfminer B-Library pdfminer O +but O but O +did O did O +n't O n't O +get O get O +any O any O +success O success O +. O . O + +It O It O +'s O 's O +html B-File_Type html O +output O output O +only O only O +gives O gives O +me O me O +blank O blank O +pages B-User_Interface_Element pages O +. O . O + +Is O Is O +their O their O +any O any O +way O way O +to O to O +read O read O +pdf B-File_Type pdf O +file O file O +using O using O +python B-Library python O +pandas I-Library pandas O +or O or O +can O can O +we O we O +convert O convert O +pdf B-File_Type pdf O +to O to O +any O any O +format O format O +and O and O +then O then O +read O read O +it O it O +using O using O +python B-Library python O +pandas I-Library pandas O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +44383064 O 44383064 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44383064/ O https://stackoverflow.com/questions/44383064/ O + + +If O If O +you O you O +have O have O +tabula B-Library tabula O +installed O installed O +then O then O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6409 I-Code_Block A_6409 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +then O then O +you O you O +can O can O +print O print O +your O your O +data O data O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6410 I-Code_Block A_6410 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +hope O hope O +this O this O +will O will O +help O help O +you O you O +! O ! O + +Question_ID O Question_ID O +: O : O +35184450 O 35184450 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35184450/ O https://stackoverflow.com/questions/35184450/ O + + +I O I O +'d O 'd O +like O like O +to O to O +make O make O +non-graphic O non-graphic O +( O ( O +text O text O +) O ) O +C++ B-Language C++ O +game O game O +( O ( O +you O you O +move O move O +your O your O +character O character O +using O using O +n O n O +, B-Value , O +s I-Value s O +, O , O +w B-Value w O +, O , O +e B-Value e O +and O and O +every O every O +location O location O +is O is O +described O described O +) O ) O +. O . O + +Locations O Locations O +will O will O +be O be O +an O an O +array B-Data_Structure array O +of O of O +an O an O +objects O objects O +( O ( O +there O there O +will O will O +be O be O +location O location O +description O description O +and O and O +other O other O +information O information O +in O in O +this O this O +array B-Data_Structure array O +) O ) O +. O . O + +I O I O +'ve O 've O +started O started O +making O making O +this O this O +game O game O +, O , O +but O but O +I O I O +have O have O +a O a O +question O question O +: O : O +Is O Is O +it O it O +possible O possible O +to O to O +make O make O +arrays B-Data_Structure arrays O +with O with O +dimensions O dimensions O +x B-Variable_Name x O +- O - O +from O from O +-100 B-Value -100 O +to O to O +100 B-Value 100 O +and O and O +z B-Variable_Name z O +- O - O +from O from O +-100 B-Value -100 O +to O to O +100 B-Value 100 O +? O ? O + +If O If O +it O it O +is O is O +not O not O +possible O possible O +, O , O +are O are O +there O there O +other O other O +ways O ways O +to O to O +do O do O +it O it O +? O ? O + +( O ( O +I O I O +do O do O +n't O n't O +want O want O +a O a O +[ B-Value [ O +0 I-Value 0 O +] I-Value ] O +[ B-Value [ O +0 I-Value 0 O +] I-Value ] O +position O position O +in O in O +one O one O +of O of O +4 O 4 O +corners O corners O +, O , O +but O but O +on O on O +the O the O +middle O middle O +. O . O +) O ) O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35184450 O 35184450 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35184450/ O https://stackoverflow.com/questions/35184450/ O + + +One O One O +common O common O +( O ( O +but O but O +rather O rather O +sketchy O sketchy O +) O ) O +method O method O +is O is O +to O to O +do O do O +something O something O +like O like O +this O this O +( O ( O +example O example O +for O for O +21 O 21 O +x O x O +21 O 21 O +board O board O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5037 I-Code_Block A_5037 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +creates O creates O +a O a O +normal O normal O +21x21 O 21x21 O +array B-Data_Structure array O +but O but O +then O then O +it O it O +also O also O +creates O creates O +a O a O +pointer B-Data_Type pointer O +to O to O +a O a O +fake O fake O +array B-Data_Structure array O +which O which O +is O is O +initialised O initialised O +to O to O +point O point O +at O at O +the O the O +centre O centre O +of O of O +the O the O +real O real O +array B-Data_Structure array O +. O . O + +You O You O +can O can O +then O then O +use O use O +this O this O +fake O fake O +pointer B-Data_Type pointer O +as O as O +if O if O +it O it O +were O were O +a O a O +real O real O +array B-Data_Structure array O +with O with O +indices O indices O +ranging O ranging O +from O from O +-10 B-Value -10 O +to O to O ++10 B-Value +10 O +( O ( O +inclusive O inclusive O +) O ) O +. O . O + +LIVE O LIVE B-Keyboard_IP +DEMO O DEMO I-Keyboard_IP + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35184450 O 35184450 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35184450/ O https://stackoverflow.com/questions/35184450/ O + + +An O An O +Array B-Data_Structure Array O +can O can O +have O have O +only O only O +positive O positive O +indexes O indexes O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5032 I-Code_Block A_5032 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +define O define O +a O a O +Funktion O Funktion O +that O that O +returns O returns O +your O your O +desired O desired O +Location B-Class_Name Location O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5033 I-Code_Block A_5033 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +you O you O +can O can O +get O get O +the O the O +Location B-Class_Name Location O +by O by O +calling O calling O +the O the O +function O function O +getLocation(x,y) B-Function_Name getLocation(x,y) B-Code_Block + +Question_ID O Question_ID O +: O : O +13596623 O 13596623 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13596623/ O https://stackoverflow.com/questions/13596623/ O + + +There O There O +'s O 's O +a O a O +fair O fair O +amount O amount O +of O of O +support O support O +, O , O +through O through O +things O things O +like O like O +the O the O +various O various O +Revolution O Revolution O +R B-Language R O +modules O modules O +, O , O +in O in O +what O what O +to O to O +do O do O +if O if O +you O you O +'re O 're O +bringing O bringing O +a O a O +large O large O +dataset O dataset O +into O into O +R B-Language R O +, O , O +and O and O +it O it O +'s O 's O +too O too O +large O large O +to O to O +be O be O +stored O stored O +in O in O +RAM B-Device RAM O +. O . O + +But O But O +is O is O +there O there O +any O any O +way O way O +to O to O +deal O deal O +with O with O +data O data O +sets O sets O +being O being O +created O created O +within O within O +R B-Language R O +that O that O +are O are O +too O too O +big O big O +to O to O +store O store O +in O in O +RAM B-Device RAM O +, O , O +beyond O beyond O +simply O simply O +( O ( O +and O and O +by O by O +hand O hand O +) O ) O +breaking O breaking O +the O the O +creation O creation O +step O step O +into O into O +a O a O +series O series O +of O of O +RAM-sized B-Device RAM-sized O +chunks O chunks O +, O , O +writing O writing O +that O that O +chunk O chunk O +to O to O +disk B-Device disk O +, O , O +clearing O clearing O +it O it O +, O , O +and O and O +continuing O continuing O +on O on O +? O ? O + +For O For O +example O example O +, O , O +just O just O +doing O doing O +a O a O +large O large O +simulation O simulation O +, O , O +or O or O +using O using O +something O something O +like O like O +SurvSplit() B-Library_Function SurvSplit() O +to O to O +take O take O +a O a O +single O single O +observation O observation O +with O with O +a O a O +survival O survival O +time O time O +from O from O +1 B-Value 1 O +to O to O +N B-Variable_Name N O +and O and O +break O break O +it O it O +into O into O +N B-Variable_Name N O +seperate O seperate O +observations O observations O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +13596623 O 13596623 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13596623/ O https://stackoverflow.com/questions/13596623/ O + + +If O If O +you O you O +'re O 're O +creating O creating O +the O the O +data O data O +in O in O +R B-Language R O +and O and O +you O you O +can O can O +do O do O +your O your O +analysis O analysis O +on O on O +a O a O +small O small O +chunk O chunk O +of O of O +the O the O +total O total O +data O data O +, O , O +then O then O +only O only O +create O create O +as O as O +large O large O +of O of O +a O a O +chunk O chunk O +as O as O +you O you O +need O need O +for O for O +any O any O +given O given O +analysis O analysis O +. O . O + +Question_ID O Question_ID O +: O : O +45099328 O 45099328 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45099328/ O https://stackoverflow.com/questions/45099328/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +read O read O +only O only O +colum B-Data_Structure colum O +with O with O +red O red O +label O label O +in O in O +a O a O +csv B-File_Type csv O +file O file O +. O . O + +Is O Is O +there O there O +a O a O +php B-Language php O +function O function O +to O to O +do O do O +this O this O +or O or O +a O a O +symfony B-Library symfony O +bundle O bundle O +? O ? O + +Now O Now O +I O I O +'m O 'm O +reading O reading O +csv B-File_Type csv O +file O file O +with O with O +fgetcsv B-Library_Function fgetcsv O +function O function O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5874 I-Code_Block Q_5874 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +it O it O +does O does O +n't O n't O +read O read O +the O the O +label O label O +'s O 's O +color.Is O color.Is O +there O there O +a O a O +way O way O +to O to O +read O read O +the O the O +color O color O +on O on O +the O the O +csv B-File_Type csv O +files O files O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +45099328 O 45099328 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45099328/ O https://stackoverflow.com/questions/45099328/ O + + +You O You O +can O can O +use O use O +this O this O +php B-Language php O +class O class O +to O to O +read O read O +csv B-File_Type csv O +files O files O +: O : O +https://git.webworks-nuernberg.de/webworks-nuernberg/parsecsv O https://git.webworks-nuernberg.de/webworks-nuernberg/parsecsv O + +But O But O +cweiske B-User_Name cweiske O +is O is O +right O right O +, O , O +csv B-File_Type csv O +has O has O +n't O n't O +any O any O +formatting O formatting O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +45099328 O 45099328 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45099328/ O https://stackoverflow.com/questions/45099328/ O + + +CSV B-File_Type CSV O +files O files O +have O have O +no O no O +formatting O formatting O +. O . O + +.xls B-File_Type .xls B-Code_Block +or O or O +.odt B-File_Type .odt B-Code_Block +files O files O +have O have O +formatting O formatting O +, O , O +but O but O +CSV B-File_Type CSV O +definitely O definitely O +not O not O +- O - O +only O only O +data O data O +are O are O +saved O saved O +in O in O +there O there O +. O . O + +Look O Look O +at O at O +the O the O +file O file O +with O with O +a O a O +text B-Application text O +editor I-Application editor O +. O . O + +Question_ID O Question_ID O +: O : O +35938811 O 35938811 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35938811/ O https://stackoverflow.com/questions/35938811/ O + + +Why O Why O +this O this O +code O code O +does O does O +not O not O +set O set O +the O the O +value O value O +to O to O +input O input O +element O element O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4400 I-Code_Block Q_4400 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +I O I O +change O change O +date O date O +to O to O +" B-Code_Block " O +new I-Code_Block new O +Date(2016, I-Code_Block Date(2016, O +4, I-Code_Block 4, O +1) I-Code_Block 1) O +" I-Code_Block " O +value O value O +will O will O +be O be O +set O set O +correctly O correctly O +. O . O + +The O The O +error O error O +appears O appears O +in O in O +all O all O +browsers B-Application browsers O +. O . O + +Link O Link O +to O to O +JSbin B-Application JSbin O +example O example O +http://jsbin.com/catolumifa/edit?html,output O http://jsbin.com/catolumifa/edit?html,output O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35938811 O 35938811 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35938811/ O https://stackoverflow.com/questions/35938811/ O + + +You O You O +are O are O +not O not O +able O able O +to O to O +set O set O +past O past O +date O date O +" B-Value " O +2016 I-Value 2016 O +, I-Value , O +1 I-Value 1 O +, I-Value , O +1 I-Value 1 O +" I-Value " O +because O because O +you O you O +have O have O +set O set O +minimum O minimum O +date O date O +as O as O +current B-Value current O +date I-Value date O +. O . O + +so O so O +you O you O +cannot O cannot O +set O set O +older O older O +date O date O +than O than O +today O today O +. O . O + +so O so O +please O please O +remove O remove O +below O below O +code O code O +lines O lines O +from O from O +your O your O +code O code O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5131 I-Code_Block A_5131 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +37598575 O 37598575 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37598575/ O https://stackoverflow.com/questions/37598575/ O + + +Can O Can O + B-HTML_XML_Tag B-Code_Block +tags O tags O +go O go O +in O in O +external O external O +CSS B-Language CSS O +sheets, O sheets, O +and O and O +be O be O +linked O linked O +to O to O +with O with O +the O the O + B-HTML_XML_Tag B-Code_Block +tags O tags O +used O used O +for O for O +CSS B-Language CSS O +? O ? O + +That O That O +is O is O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4717 I-Code_Block Q_4717 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CSS B-Language CSS O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4718 I-Code_Block Q_4718 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Why O Why O +the O the O +down O down O +vote O vote O +? O ? O + +I O I O +consider O consider O +this O this O +well O well O +asked O asked O +. O . O + +If O If O +you O you O +think O think O +it O it O +can O can O +be O be O +improved O improved O +, O , O +please O please O +suggest O suggest O +how O how O +. O . O + +Otherwise O Otherwise O +, O , O +please O please O +up O up O +vote O vote O +! O ! O + +Thank O Thank O +you O you O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37598575 O 37598575 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37598575/ O https://stackoverflow.com/questions/37598575/ O + + +Meta O Meta O +tags O tags O +are O are O +not O not O +styles O styles O +, O , O +and O and O +therefore O therefore O +cannot O cannot O +be O be O +put O put O +in O in O +stylesheets O stylesheets O +. O . O + +Question_ID O Question_ID O +: O : O +23639002 O 23639002 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23639002/ O https://stackoverflow.com/questions/23639002/ O + + +This O This O +is O is O +code O code O +for O for O +a O a O +HW O HW O +question O question O +in O in O +my O my O +Multivariate O Multivariate O +Analysis O Analysis O +Class O Class O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2620 I-Code_Block Q_2620 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +PROC B-Data_Structure PROC O +PLOT I-Data_Structure PLOT O +is O is O +currently O currently O +generating O generating O +a O a O +huge O huge O +chart B-Data_Structure chart O +, O , O +maybe O maybe O +5-10 O 5-10 O +pages O pages O +tall O tall O +, O , O +with O with O +ridiculous O ridiculous O +vertical O vertical O +scaling O scaling O +( O ( O +something O something O +like O like O +.05 B-Value .05 O += O = O +an O an O +inch+ O inch+ O +of O of O +computer O computer O +screen O screen O +. O . O +) O ) O + +It O It O +'s O 's O +too O too O +big O big O +to O to O +put O put O +in O in O +a O a O +word O word O +document O document O +to O to O +hand O hand O +in O in O +, O , O +and O and O +it O it O +'s O 's O +not O not O +informative O informative O +as O as O +is O is O +. O . O + +My O My O +question O question O +is O is O +why O why O +is O is O +my O my O +SAS B-Application SAS O +doing O doing O +this O this O +, O , O +and O and O +can O can O +I O I O +fix O fix O +it O it O +? O ? O + +I O I O +'d O 'd O +love O love O +it O it O +to O to O +be O be O +scaled O scaled O +down O down O +to O to O +a O a O +5 B-Value 5 O +" I-Value " O +x I-Value x O +5 I-Value 5 O +" I-Value " O +or O or O +something O something O +like O like O +that O that O +... O ... O +can O can O +I O I O +do O do O +this O this O +? O ? O + +( O ( O +I O I O +'ve O 've O +a O a O +working O working O +knowledge O knowledge O +of O of O +SAS B-Application SAS O +, O , O +but O but O +I O I O +'m O 'm O +far O far O +from O from O +skilled O skilled O +at O at O +it O it O +. O . O +) O ) O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23639002 O 23639002 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23639002/ O https://stackoverflow.com/questions/23639002/ O + + +Try O Try O +using O using O +ods B-Library_Function ods B-Code_Block +graphics I-Library_Function graphics I-Code_Block +and O and O +PROC B-Library_Function PROC B-Code_Block +SGPLOT I-Library_Function SGPLOT I-Code_Block +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3233 I-Code_Block A_3233 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +8770235 O 8770235 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8770235/ O https://stackoverflow.com/questions/8770235/ O + + +I O I O +wanted O wanted O +to O to O +track O track O +my O my O +models O models O +and O and O +their O their O +CRUD B-Library CRUD O +operations O operations O +through O through O +handling O handling O +post_save B-Library_Function post_save O +, O , O +delete B-Library_Function delete O +and O and O +init B-Library_Function init O +signals I-Library_Function signals O +, O , O +and O and O +then O then O +save O save O +entry O entry O +to O to O +the O the O +Database O Database O +about O about O +this O this O +operation O operation O +handled O handled O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_734 I-Code_Block Q_734 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +the O the O +funny O funny O +thing O thing O +, O , O +it O it O +is O is O +a O a O +recursion O recursion O +of O of O +saves B-Library_Function saves O +.. O .. O +. O . O + +I O I O +created O created O +model O model O +CRUD_Storage B-Library_Function CRUD_Storage O +, O , O +i O i O +want O want O +to O to O +prevent O prevent O +it O it O +sending O sending O +signals O signals O +like O like O +pre(post)init B-Library_Function pre(post)init O +, O , O +delete B-Library_Function delete O +, O , O +save O save O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8770235 O 8770235 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8770235/ O https://stackoverflow.com/questions/8770235/ O + + +Here O Here O +is O is O +a O a O +DRY O DRY O +way O way O +of O of O +dismissing O dismissing O +signals O signals O +. O . O + +If O If O +you O you O +want O want O +to O to O +dismiss O dismiss O +a O a O +signal O signal O +to O to O +avoid O avoid O +recursion O recursion O +, O , O +a O a O +simple O simple O +way O way O +to O to O +go O go O +is O is O +to O to O +set O set O +an O an O +attribute O attribute O +on O on O +the O the O +current O current O +instance O instance O +to O to O +prevent O prevent O +upcoming O upcoming O +signals O signals O +firing O firing O +. O . O + +This O This O +can O can O +be O be O +done O done O +using O using O +a O a O +simple O simple O +decorator O decorator O +that O that O +checks O checks O +if O if O +the O the O +given O given O +instance O instance O +has O has O +the O the O +' O ' O +skip_signal B-Library_Function skip_signal O +' O ' O +attribute O attribute O +, O , O +and O and O +if O if O +so O so O +prevents O prevents O +the O the O +method O method O +from O from O +being O being O +called O called O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3761 I-Code_Block A_3761 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +We O We O +can O can O +now O now O +use O use O +it O it O +this O this O +way O way O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3762 I-Code_Block A_3762 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Hope O Hope O +This O This O +helps O helps O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8770235 O 8770235 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8770235/ O https://stackoverflow.com/questions/8770235/ O + + +I O I O +do O do O +n't O n't O +think O think O +you O you O +can O can O +prevent O prevent O +Django B-Library Django O +from O from O +sending O sending O +those O those O +signals O signals O +. O . O + +However O However O +, O , O +you O you O +can O can O +adapt O adapt O +your O your O +handler O handler O +to O to O +not O not O +log O log O +saves O saves O +for O for O +your O your O +CRUD_Storage B-Library_Function CRUD_Storage B-Code_Block +model O model O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1071 I-Code_Block A_1071 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +16060005 O 16060005 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16060005/ O https://stackoverflow.com/questions/16060005/ O + + +I O I O +am O am O +working O working O +on O on O +an O an O +internal O internal O +helpdesk O helpdesk O +. O . O + +Emails O Emails O +address O address O +to O to O +the O the O +helpdesk O helpdesk O +appear O appear O +in O in O +a O a O +Notes B-User_Interface_Element Notes O +View I-User_Interface_Element View O +, O , O +and O and O +I O I O +can O can O +open O open O +the O the O +document O document O +in O in O +XPages B-Application XPages O +and O and O +see O see O +the O the O +text B-User_Interface_Element text O +. O . O + +But O But O +it O it O +wo O wo O +n't O n't O +show O show O +any O any O +inserted O inserted O +images B-User_Interface_Element images O +within O within O +the O the O +text B-User_Interface_Element text O +. O . O + +I O I O +can O can O +list O list O +the O the O +attachments O attachments O +as O as O +external O external O +links O links O +( O ( O +courtesy O courtesy O +of O of O +http://techdriveactive.blogspot.co.uk/2012/11/open-attachments-in-xpage-in-client.html O http://techdriveactive.blogspot.co.uk/2012/11/open-attachments-in-xpage-in-client.html O +) O ) O +but O but O +I O I O +ca O ca O +n't O n't O +seem O seem O +to O to O +get O get O +a O a O +handle O handle O +on O on O +the O the O +images B-User_Interface_Element images O +. O . O + +Any O Any O +ideas O ideas O +? O ? O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16060005 O 16060005 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16060005/ O https://stackoverflow.com/questions/16060005/ O + + +To O To O +you O you O +HelpDeskOpenDoc.xsp B-File_Name HelpDeskOpenDoc.xsp O +XPage B-Application XPage O +add O add O +a O a O +Rich B-User_Interface_Element Rich O +Text I-User_Interface_Element Text O +control I-User_Interface_Element control O +and O and O +bind O bind O +it O it O +to O to O +the O the O +Rich B-User_Interface_Element Rich O +Text I-User_Interface_Element Text O +Field I-User_Interface_Element Field O +with O with O +the O the O +images B-User_Interface_Element images O +and O and O +other O other O +rich O rich O +content O content O +.. O .. O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3057 I-Code_Block A_3057 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16060005 O 16060005 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16060005/ O https://stackoverflow.com/questions/16060005/ O + + +One O One O +way O way O +around O around O +that O that O +challenge O challenge O +is O is O +to O to O +use O use O +a O a O +Dojo B-Library_Class Dojo O +ContentPane I-Library_Class ContentPane O +. O . O + +It O It O +has O has O +a O a O +href B-Library_Variable href O +attribute O attribute O +that O that O +can O can O +point O point O +to O to O +a O a O +different O different O +url O url O +. O . O + +You O You O +then O then O +can O can O +point O point O +it O it O +to O to O +the O the O +content O content O +rendered O rendered O +by O by O +the O the O +classic O classic O +engine O engine O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2076 I-Code_Block A_2076 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Note O Note O +: O : O +this O this O +wo O wo O +n't O n't O +work O work O +in O in O +XPiNC B-Application XPiNC O + +Question_ID O Question_ID O +: O : O +44890740 O 44890740 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44890740/ O https://stackoverflow.com/questions/44890740/ O + + +I O I O +tried O tried O +implementing O implementing O +this O this O +tick O tick O +method O method O +in O in O +a O a O +Win B-Operating_System Win O +8 B-Version 8 O +WAMP B-Application WAMP O +server I-Application server O +running O running O +PHP B-Language PHP O +7.1 B-Version 7.1 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5846 I-Code_Block Q_5846 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +I O I O +end O end O +up O up O +with O with O +this O this O +error O error O +after O after O +a O a O +process O process O +that O that O +seem O seem O +more O more O +like O like O +an O an O +infinite O infinite O +loop O loop O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Mean O Mean O +while O while O +the O the O +code O code O +works O works O +on O on O +a O a O +live O live O +sever B-Device sever O +running O running O +PHP B-Language PHP O +7.1 B-Version 7.1 O +and O and O +also O also O +on O on O +a O a O +WIN B-Operating_System WIN O +8 B-Version 8 O +WAMP B-Application WAMP O +server I-Application server O +running O running O +PHP B-Language PHP O +5.5 B-Version 5.5 O + +Question_ID O Question_ID O +: O : O +26851123 O 26851123 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26851123/ O https://stackoverflow.com/questions/26851123/ O + + +First O First O +of O of O +all O all O +really O really O +sorry O sorry O +if O if O +this O this O +is O is O +a O a O +duplicate O duplicate O +, O , O +although O although O +I O I O +think O think O +its O its O +not O not O +coz O coz O +I O I O +have O have O +searched O searched O +a O a O +lot O lot O +but O but O +found O found O +nothing O nothing O +working O working O +. O . O + +I O I O +want O want O +to O to O +remove O remove O +the O the O +notification B-User_Interface_Element notification O +on O on O +click O click O +of O of O +cancel B-User_Interface_Element cancel O +- O - O +which O which O +I O I O +found O found O +somewhere O somewhere O +to O to O +call O call O +.cancel() B-Library_Function .cancel() O +method O method O +but O but O +where O where O +should O should O +i O i O +make O make O +that O that O +call O call O +. O . O + +Other O Other O +one O one O +when O when O +I O I O +click O click O +on O on O +accept B-User_Interface_Element accept O +or O or O +cancel B-User_Interface_Element cancel O +the O the O +intent B-Library_Class intent O +values O values O +comes O comes O +same O same O +only O only O +which O which O +is O is O +" O " O +Notifications O Notifications O +" O " O +in O in O +the O the O +logcat O logcat O +. O . O + +Please O Please O +let O let O +me O me O +know O know O +what O what O +i O i O +am O am O +doing O doing O +wrong O wrong O +. O . O + +Thanks O Thanks O +in O in O +advance O advance O +. O . O + +My O My O +notification B-User_Interface_Element notification O +creator O creator O +- O - O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3073 I-Code_Block Q_3073 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +While O While O +the O the O +other O other O +file O file O +that O that O +is O is O +intent B-Library_Class intent O +receiver O receiver O +it O it O +is O is O +like O like O +- O - O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3074 I-Code_Block Q_3074 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +26851123 O 26851123 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26851123/ O https://stackoverflow.com/questions/26851123/ O + + +1) O 1) O +to O to O +remove O remove O +notification B-User_Interface_Element notification O +on O on O +cancel B-User_Interface_Element cancel O +click O click O +: O : O + +add O add O +this O this O +code O code O +in O in O +your O your O +reciever O reciever O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3706 I-Code_Block A_3706 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +PS O PS O +: O : O +you O you O +used O used O +" B-Value " O +1 I-Value 1 O +" I-Value " O +as O as O +notificationId B-Variable_Name notificationId O +in O in O +your O your O +code O code O +( O ( O +mNotificationManager B-Code_Block mNotificationManager B-Code_Block +. I-Code_Block . I-Code_Block +notify(1 I-Code_Block notify(1 I-Code_Block +, I-Code_Block , I-Code_Block +mBuilder I-Code_Block mBuilder I-Code_Block +. I-Code_Block . I-Code_Block +build I-Code_Block build I-Code_Block +()) I-Code_Block ()) I-Code_Block +;) I-Code_Block ;) I-Code_Block +, O , O +the O the O +best O best O +way O way O +is O is O +to O to O +send O send O +it O it O +via O via O +putExtra B-Library_Function putExtra O +() I-Library_Function () O +and O and O +retrieve O retrieve O +it O it O +in O in O +your O your O +receiver O receiver O +. O . O + +2) O 2) O +sorry O sorry O +, O , O +i O i O +did O did O +n't O n't O +understand O understand O +the O the O +second O second O +part O part O +of O of O +your O your O +question O question O +. O . O + +can O can O +you O you O +explain O explain O +more O more O +? O ? O + +Question_ID O Question_ID O +: O : O +10386394 O 10386394 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10386394/ O https://stackoverflow.com/questions/10386394/ O + + +It O It O +there O there O +any O any O +way O way O +to O to O +find O find O +out O out O +if O if O +there O there O +is O is O +an O an O +incoming O incoming O +telephone B-User_Interface_Element telephone O +call I-User_Interface_Element call O +screen I-User_Interface_Element screen O +being O being O +shown O shown O +over O over O +my O my O +application O application O +? O ? O + +In O In O +fact O fact O +, O , O +while O while O +we O we O +would O would O +n't O n't O +accept O accept O +call O call O +- O - O +the O the O +application O application O +would O would O +not O not O +be O be O +deactivated O deactivated O +, O , O +so O so O +is O is O +there O there O +any O any O +API B-Library API O +method O method O +or O or O +maybe O maybe O +some O some O +workarounds O workarounds O +like O like O +screenshoting O screenshoting O +and O and O +verifying O verifying O +by O by O +pixel O pixel O +? O ? O + +:-) O :-) O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +10386394 O 10386394 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10386394/ O https://stackoverflow.com/questions/10386394/ O + + +You O You O +can O can O +tell O tell O +if O if O +the O the O +user O user O +is O is O +receiving O receiving O +an O an O +incoming O incoming O +telephone B-Device telephone O +call O call O +using O using O +the O the O +RootFrame.Obscured B-Library_Class RootFrame.Obscured O +event O event O +as O as O +described O described O +here O here O +: O : O + +http://www.wintellect.com/CS/blogs/jprosise/archive/2011/02/11/silverlight-for-windows-phone-programming-tip-6.aspx O http://www.wintellect.com/CS/blogs/jprosise/archive/2011/02/11/silverlight-for-windows-phone-programming-tip-6.aspx O + +Question_ID O Question_ID O +: O : O +37557116 O 37557116 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37557116/ O https://stackoverflow.com/questions/37557116/ O + + +I O I O +am O am O +trying O trying O +to O to O +run O run O +a O a O +CSV B-File_Type CSV O +import O import O +using O using O +the O the O +COPY B-Library_Function COPY B-Code_Block +command O command O +for O for O +some O some O +data O data O +that O that O +includes O includes O +a O a O +guillemet O guillemet O +(Âť) B-Code_Block (Âť) B-Code_Block +. O . O + +Redshift B-Application Redshift O +complains O complains O +that O that O +the O the O +column B-Data_Structure column O +value O value O +is O is O +too O too O +long O long O +for O for O +the O the O +varchar B-Variable_Name varchar B-Code_Block +column B-Data_Structure column O +I O I O +have O have O +defined O defined O +. O . O + +The O The O +error O error O +in O in O +the O the O +" B-Value " O +Loads I-Value Loads O +" I-Value " O +tab B-User_Interface_Element tab O +in O in O +the O the O +Redshift B-Application Redshift O +GUI I-Application GUI O +displays O displays O +this O this O +character O character O +as O as O +two O two O +dots O dots O +: O : O +. B-Value . B-Code_Block +. I-Value . I-Code_Block +- O - O +had O had O +it O it O +been O been O +treated O treated O +as O as O +one O one O +, O , O +it O it O +would O would O +have O have O +fit O fit O +in O in O +the O the O +varchar B-Variable_Name varchar B-Code_Block +column B-Data_Structure column O +. O . O + +It O It O +'s O 's O +not O not O +clear O clear O +whether O whether O +there O there O +is O is O +some O some O +sort O sort O +of O of O +conversion O conversion O +error O error O +occurring O occurring O +or O or O +if O if O +there O there O +is O is O +a O a O +display O display O +issue O issue O +. O . O + +When O When O +trying O trying O +to O to O +do O do O +plain O plain O +INSERTs B-Code_Block INSERTs B-Code_Block +I O I O +run O run O +into O into O +strange O strange O +behavior O behavior O +as O as O +well O well O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4712 I-Code_Block Q_4712 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +3 O 3 O +characters O characters O +treated O treated O +as O as O +4 O 4 O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4713 I-Code_Block Q_4713 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Why O Why O +does O does O +char_length B-Library_Function char_length B-Code_Block +return O return O +2 B-Value 2 O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4714 I-Code_Block Q_4714 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'ve O 've O +checked O checked O +the O the O +client O client O +encoding O encoding O +and O and O +database O database O +encodings O encodings O +and O and O +those O those O +all O all O +seem O seem O +to O to O +be O be O +UTF8/UNICODE O UTF8/UNICODE O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37557116 O 37557116 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37557116/ O https://stackoverflow.com/questions/37557116/ O + + +You O You O +need O need O +to O to O +increase O increase O +the O the O +length O length O +of O of O +your O your O +varchar B-Variable_Name varchar O +field O field O +. O . O + +Multibyte O Multibyte O +characters B-Data_Type characters O +use O use O +more O more O +than O than O +one O one O +character B-Data_Type character O +and O and O +length O length O +in O in O +the O the O +definition O definition O +of O of O +varchar B-Variable_Name varchar O +field O field O +are O are O +byte O byte O +based O based O +. O . O + +So O So O +, O , O +your O your O +special O special O +char B-Data_Type char O +might O might O +be O be O +taking O taking O +more O more O +than O than O +a O a O +byte O byte O +. O . O + +If O If O +it O it O +still O still O +does O does O +n't O n't O +work O work O +refer O refer O +to O to O +the O the O +doc O doc O +page O page O +for O for O +Redshift B-Application Redshift O +below O below O +, O , O + +http://docs.aws.amazon.com/redshift/latest/dg/multi-byte-character-load-errors.html O http://docs.aws.amazon.com/redshift/latest/dg/multi-byte-character-load-errors.html O + +Question_ID O Question_ID O +: O : O +26904392 O 26904392 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26904392/ O https://stackoverflow.com/questions/26904392/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3083 I-Code_Block Q_3083 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'d O 'd O +like O like O +to O to O +find O find O +for O for O +each O each O +row B-Data_Structure row O +in O in O +the O the O +big O big O +list B-Data_Structure list O +the O the O +' O ' O +closest O closest O +' O ' O +row B-Data_Structure row O +in O in O +the O the O +little O little O +list B-Data_Structure list O +, O , O +as O as O +defined O defined O +by O by O +the O the O +euclidean O euclidean O +norm O norm O +( O ( O +i.e O i.e O +. O . O +sum O sum O +of O of O +squared O squared O +distances O distances O +between O between O +the O the O +corresponding O corresponding O +values O values O +in O in O +the O the O +k B-Code_Block k O +=3 I-Code_Block =3 O +dimension O dimension O +) O ) O +. O . O + +I O I O +can O can O +see O see O +how O how O +to O to O +do O do O +this O this O +using O using O +two O two O +loops O loops O +, O , O +but O but O +it O it O +seems O seems O +like O like O +there O there O +ought O ought O +to O to O +be O be O +a O a O +better O better O +way O way O +to O to O +do O do O +this O this O +using O using O +built O built O +in O in O +matrix B-Data_Structure matrix O +operations O operations O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +26904392 O 26904392 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26904392/ O https://stackoverflow.com/questions/26904392/ O + + +Approach O Approach O +#1 O #1 O + +There O There O +is O is O +a O a O +built O built O +in O in O +MATLAB B-Language MATLAB O +function O function O +pdist2 B-Library_Function pdist2 B-Code_Block +which O which O +finds O finds O +" O " B-Code_Block +Pairwise O Pairwise I-Code_Block +distance O distance I-Code_Block +between O between I-Code_Block +two O two I-Code_Block +sets O sets I-Code_Block +of O of I-Code_Block +observations O observations I-Code_Block +" O " I-Code_Block +. O . O + +With O With O +it O it O +, O , O +you O you O +can O can O +calculate O calculate O +the O the O +euclidean O euclidean O +distance O distance O +matrix B-Data_Structure matrix O +and O and O +then O then O +find O find O +indices O indices O +of O of O +minimum O minimum O +values O values O +along O along O +the O the O +appropriate O appropriate O +dimension O dimension O +in O in O +the O the O +distance O distance O +matrix B-Data_Structure matrix O +that O that O +would O would O +represent O represent O +the O the O +" O " O +closest O closest O +" O " O +for O for O +each O each O +row B-Data_Structure row O +of O of O +bigList B-Variable_Name bigList B-Code_Block +in O in O +littleList B-Variable_Name littleList B-Code_Block +. O . O + +Here O Here O +'s O 's O +the O the O +one-liner O one-liner O +with O with O +it O it O +- O - O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3721 I-Code_Block A_3721 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Approach O Approach O +#2 O #2 O + +If O If O +you O you O +care O care O +about O about O +performance O performance O +, O , O +here O here O +'s O 's O +a O a O +method O method O +that O that O +leverages O leverages O +fast O fast B-Code_Block +matrix B-Data_Structure matrix I-Code_Block +multiplication O multiplication I-Code_Block +in O in I-Code_Block +MATLAB B-Language MATLAB I-Code_Block + +and O and O +most O most O +of O of O +the O the O +code O code O +presented O presented O +here O here O +is O is O +taken O taken O +from O from O +this O this O +smart O smart O +solution O solution O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3722 I-Code_Block A_3722 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Benchmarking O Benchmarking O + +Benchmarking O Benchmarking O +Code O Code O +- O - O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3723 I-Code_Block A_3723 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Benchmark O Benchmark O +results O results O +- O - O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3724 I-Code_Block A_3724 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Quick O Quick O +conclusions O conclusions O +: O : O +The O The O +runtimes O runtimes O +with O with O +Shai B-User_Name Shai O +'s O 's O +second O second O +approach O approach O +that O that O +was O was O +a O a O +combination O combination O +of O of O +bsxfun B-Library_Function bsxfun B-Code_Block +and O and O +matrix B-Data_Structure matrix O +multiplication O multiplication O +were O were O +very O very O +close O close O +with O with O +the O the O +one O one O +based O based O +on O on O +pdist2 B-Library_Function pdist2 B-Code_Block +and O and O +no O no O +clear O clear O +winner O winner O +could O could O +be O be O +decided O decided O +between O between O +those O those O +two O two O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +26904392 O 26904392 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26904392/ O https://stackoverflow.com/questions/26904392/ O + + +You O You O +can O can O +do O do O +it O it O +with O with O +bsxfun B-Library_Function bsxfun B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3717 I-Code_Block A_3717 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +23692695 O 23692695 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23692695/ O https://stackoverflow.com/questions/23692695/ O + + +I O I O +know O know O +how O how O +to O to O +detect O detect O +mousedown B-Library_Class mousedown O +event I-Library_Class event O +on O on O +a O a O +directive O directive O +that O that O +is O is O +clicked O clicked O +. O . O + +However O However O +my O my O +directive O directive O +also O also O +needs O needs O +to O to O +become O become O +unforcused O unforcused O +or O or O +deselected O deselected O +when O when O +mouse B-Device mouse O +is O is O +down O down O +outside O outside O +of O of O +my O my O +directive/ O directive/ O +element O element O +. O . O + +How O How O +can O can O +I O I O +do O do O +this O this O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23692695 O 23692695 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23692695/ O https://stackoverflow.com/questions/23692695/ O + + +Create O Create O +a O a O +link O link O +function O function O +in O in O +the O the O +directive O directive O +which O which O +binds O binds O +a O a O +mousedown B-Library_Class mousedown O +event I-Library_Class event O +handler I-Library_Class handler O +on O on O +the O the O +document O document O +. O . O + +Then O Then O +, O , O +bind O bind O +another O another O +mousedown B-Library_Class mousedown O +event I-Library_Class event O +on O on O +the O the O +directive O directive O +element O element O +itself O itself O +. O . O + +The O The O +latter O latter O +handler O handler O +should O should O +also O also O +call O call O +event.stopPropagation() B-Library_Function event.stopPropagation() B-Code_Block +to O to O +prevent O prevent O +the O the O +event O event O +from O from O +bubbling O bubbling O +all O all O +of O of O +the O the O +way O way O +up O up O +to O to O +the O the O +document O document O +level O level O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3239 I-Code_Block A_3239 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Working O Working O +Plunker B-Application Plunker O + +Question_ID O Question_ID O +: O : O +8883078 O 8883078 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8883078/ O https://stackoverflow.com/questions/8883078/ O + + +If O If O +an O an O +app O app O +was O was O +installed O installed O +on O on O +a O a O +device O device O +and O and O +then O then O +uninstalled O uninstalled O +, O , O +is O is O +there O there O +a O a O +way O way O +of O of O +determining O determining O +this O this O +using O using O +the O the O +APN B-Application APN O +feedback O feedback O +service O service O +? O ? O + +The O The O +feedback O feedback O +service O service O +is O is O +documented O documented O +as O as O +saying O saying O +its O its O +possible O possible O +to O to O +know O know O +devices O devices O +which O which O +are O are O +n't O n't O +responding O responding O +to O to O +notifications O notifications O +, O , O +but O but O +is O is O +additional O additional O +information O information O +included O included O +, O , O +such O such O +why O why O +its O its O +not O not O +responding O responding O +and O and O +when O when O +it O it O +first O first O +started O started O +non O non O +responding O responding O +etc O etc O +. O . O +? O ? O + +Is O Is O +there O there O +any O any O +way O way O +of O of O +determining O determining O +if O if O +an O an O +app O app O +has O has O +been O been O +uninstalled O uninstalled O +? O ? O + +Or O Or O +of O of O +knowing O knowing O +if O if O +an O an O +app O app O +is O is O +present O present O +of O of O +absent O absent O +from O from O +a O a O +device O device O +? O ? O + +Thanks O Thanks O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8883078 O 8883078 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8883078/ O https://stackoverflow.com/questions/8883078/ O + + +In O In O +short O short O +, O , O +no O no O +there O there O +is O is O +n't O n't O +a O a O +way O way O +to O to O +determine O determine O +if O if O +an O an O +app O app O +has O has O +been O been O +uninstalled O uninstalled O +. O . O + +See O See O +my O my O +answer O answer O +to O to O +this O this O +question O question O +which O which O +might O might O +help O help O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Basically O Basically O +, O , O +yes O yes O +you O you O +could O could O +use O use O +the O the O +feedback O feedback O +service O service O +of O of O +APNS B-Application APNS O +but O but O +it O it O +would O would O +n't O n't O +conclusively O conclusively O +tell O tell O +you O you O +if O if O +a O a O +device O device O +had O had O +been O been O +uninstalled O uninstalled O +. O . O + +If O If O +you O you O +need O need O +to O to O +know O know O +this O this O +then O then O +you O you O +'re O 're O +unfortunately O unfortunately O +going O going O +to O to O +have O have O +to O to O +change O change O +the O the O +way O way O +you O you O +'re O 're O +going O going O +about O about O +things O things O +as O as O +it O it O +'s O 's O +impossible O impossible O +to O to O +know O know O +( O ( O +at O at O +present O present O +) O ) O +. O . O + +Question_ID O Question_ID O +: O : O +43884711 O 43884711 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43884711/ O https://stackoverflow.com/questions/43884711/ O + + +ng-map.min.js B-File_Name ng-map.min.js O +in O in O +my O my O +application O application O +for O for O +view O view O +map B-User_Interface_Element map O +. O . O + +I O I O +got O got O +map B-User_Interface_Element map O +my O my O +applicatoion O applicatoion O +. O . O + +But O But O +in O in O +console B-Application console O +there O there O +is O is O +an O an O +error O error O +like O like O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5668 I-Code_Block Q_5668 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +My O My O +Map B-User_Interface_Element Map O +div B-HTML_XML_Tag div O +is O is O +following O following O +below O below O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5669 I-Code_Block Q_5669 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5670 I-Code_Block Q_5670 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +got O got O +map B-User_Interface_Element map O +but O but O +in O in O +console B-Application console O +errors O errors O +occurs O occurs O +.How O .How O +can O can O +i O i O +solve O solve O +this O this O +issues O issues O +? O ? O + +Question_ID O Question_ID O +: O : O +34612581 O 34612581 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34612581/ O https://stackoverflow.com/questions/34612581/ O + + +I O I O +have O have O +to O to O +play O play O +a O a O +song O song O +in O in O +browses B-Application browses O +including O including O +Android B-Device Android O +and O and O +Iphone B-Device Iphone O +. O . O + +I O I O +did O did O +it O it O +using O using O +the O the O +html5 B-Language html5 O +audio O audio O +player O player O +. O . O + +But O But O +playbackrate B-Library_Variable playbackrate O +is O is O +not O not O +working O working O +in O in O +Mobile B-Device Mobile O +Browsers B-Application Browsers O +. O . O + +Is O Is O +there O there O +any O any O +library O library O +or O or O +plugin O plugin O +available O available O +for O for O +this O this O +? O ? O +. O . O + +Is O Is O +web-audio B-Library web-audio O +API I-Library API O +supports O supports O +this O this O +feature O feature O +? O ? O +. O . O + +In O In O +this O this O +site O site O +playback B-Library_Variable playback O +rate I-Library_Variable rate O +is O is O +working O working O +in O in O +mobiles B-Device mobiles O +too O too O +. O . O + +But O But O +unable O unable O +to O to O +find O find O +which O which O +method O method O +they O they O +are O are O +following O following O +? O ? O + +Please O Please O +help O help O +me O me O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4220 I-Code_Block Q_4220 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +34612581 O 34612581 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34612581/ O https://stackoverflow.com/questions/34612581/ O + + +The O The O +site O site O +you O you O +'re O 're O +linking O linking O +to O to O +uses O uses O +Web B-Library Web O +Audio I-Library Audio O +, O , O +but O but O +it O it O +does O does O +n't O n't O +use O use O +playbackrate B-Library_Variable playbackrate O +to O to O +change O change O +the O the O +tempo O tempo O +of O of O +the O the O +song O song O +. O . O + +Instead O Instead O +it O it O +schedules O schedules O +each O each O +note O note O +separately O separately O +, O , O +so O so O +when O when O +you O you O +change O change O +the O the O +tempo O tempo O +, O , O +what O what O +you O you O +'re O 're O +really O really O +doing O doing O +is O is O +change O change O +the O the O +BPM O BPM O +at O at O +which O which O +notes O notes O +are O are O +scheduled O scheduled O +. O . O + +You O You O +can O can O +think O think O +of O of O +it O it O +as O as O +changing O changing O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4936 I-Code_Block A_4936 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +to O to O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4937 I-Code_Block A_4937 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +when O when O +you O you O +go O go O +from O from O +60 B-Value 60 O +BPM I-Value BPM O +to O to O +120 B-Value 120 O +BPM I-Value BPM O +. O . O + +There O There O +is O is O +, O , O +however O however O +, O , O +a O a O +similar O similar O +thing O thing O +is O is O +Web B-Library Web O +Audio I-Library Audio O +as O as O +what O what O +you O you O +'re O 're O +doing O doing O +with O with O +the O the O +audio O audio O +element O element O +. O . O + +The O The O +AudioBufferSourceNode B-Library_Class AudioBufferSourceNode O +, O , O +which O which O +you O you O +use O use O +to O to O +play O play O +a O a O +pre O pre O +recorded O recorded O +sample O sample O +, O , O +has O has O +a O a O +property O property O +called O called O +playbackRate B-Library_Variable playbackRate O +. O . O + +This O This O +changes O changes O +the O the O +rate O rate O +of O of O +the O the O +audio O audio O +( O ( O +but O but O +does O does O +n't O n't O +do O do O +pitch O pitch O +correction O correction O +! O ! O +) O ) O +. O . O + +Check O Check O +it O it O +out O out O +at O at O +https://developer.mozilla.org/en-US/docs/Web/API/AudioBufferSourceNode O https://developer.mozilla.org/en-US/docs/Web/API/AudioBufferSourceNode O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +34612581 O 34612581 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34612581/ O https://stackoverflow.com/questions/34612581/ O + + +There O There O +are O are O +no O no O +any O any O +external O external O +Plugin B-Application Plugin O +or O or O +API B-Application API O +which O which O +is O is O +required O required O +to O to O +play O play O +audio O audio O +in O in O +Browser B-Application Browser O +, O , O +this O this O +is O is O +one O one O +of O of O +the O the O +advantages O advantages O +of O of O +using O using O +HTML5 B-Language HTML5 O +. O . O + +Below O Below O +i O i O +am O am O +mentioning O mentioning O +the O the O +same O same O +with O with O +easy O easy O +syntax O syntax O +and O and O +attributes O attributes O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4928 I-Code_Block A_4928 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +48232498 O 48232498 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48232498/ O https://stackoverflow.com/questions/48232498/ O + + +I O I O +'m O 'm O +attempting O attempting O +to O to O +update O update O +a O a O +MySQL B-Application MySQL O +table O table O +using O using O +C# B-Language C# O +, O , O +however O however O +I O I O +'m O 'm O +getting O getting O +the O the O +error O error O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Below O Below O +is O is O +the O the O +full O full O +query O query O +I O I O +'m O 'm O +attempting O attempting O +to O to O +execute O execute O +with O with O +the O the O +values O values O +of O of O +the O the O +variables O variables O +inserted O inserted O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6414 I-Code_Block Q_6414 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'ve O 've O +checked O checked O +that O that O +the O the O +column B-Data_Structure column O +names O names O +are O are O +correct O correct O +and O and O +they O they O +are O are O +. O . O + +I O I O +just O just O +ca O ca O +n't O n't O +seem O seem O +to O to O +spot O spot O +what O what O +is O is O +invalid O invalid O +about O about O +my O my O +query O query O +, O , O +I O I O +'m O 'm O +sure O sure O +it O it O +'s O 's O +something O something O +basic O basic O +. O . O + +Can O Can O +anyone O anyone O +spot O spot O +what O what O +is O is O +wrong O wrong O +with O with O +it O it O +? O ? O + +Cheers O Cheers O + +EDIT O EDIT O +- O - O +There O There O +is O is O +a O a O +single O single O +quotation O quotation O +mark O mark O +after O after O +the O the O +uid='0 B-Code_Block uid='0 O +however O however O +it O it O +seems O seems O +to O to O +have O have O +disapeared O disapeared O +in O in O +the O the O +post O post O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +48232498 O 48232498 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48232498/ O https://stackoverflow.com/questions/48232498/ O + + +missing O missing O +' B-Value ' O +following O following O +zero O zero O +: O : O +near B-Code_Block near O +civ_alive='0 I-Code_Block civ_alive='0 O + +original O original O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7062 I-Code_Block A_7062 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +should O should O +be O be O +to O to O +avoid O avoid O +error O error O +syntax O syntax O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7063 I-Code_Block A_7063 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +regarding O regarding O +mariadb B-Application mariadb O +comments O comments O +- O - O +mariadb B-Application mariadb O +is O is O +a O a O +fork O fork O +of O of O +mysql B-Application mysql O +so O so O +these O these O +are O are O +pretty O pretty O +similar O similar O +, O , O +therefore O therefore O +would O would O +not O not O +make O make O +a O a O +problem O problem O +out O out O +of O of O +it O it O +. O . O + +Question_ID O Question_ID O +: O : O +39409500 O 39409500 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39409500/ O https://stackoverflow.com/questions/39409500/ O + + +I O I O +have O have O +a O a O +pandas.DataFrame B-Library_Class pandas.DataFrame B-Code_Block +with O with O +3 O 3 O +columns B-Data_Structure columns O +of O of O +type O type O +str B-Data_Type str B-Code_Block +and O and O +n B-Variable_Name n B-Code_Block +other O other O +columns B-Data_Structure columns O +of O of O +type O type O +float64 B-Data_Type float64 B-Code_Block +. O . O + +I O I O +need O need O +to O to O +group O group O +rows O rows O +by O by O +one O one O +of O of O +the O the O +three O three O +str B-Data_Type str B-Code_Block +columns O columns O +and O and O +apply O apply O +a O a O +function O function O +myComplexFunc() B-Function_Name myComplexFunc() B-Code_Block +which O which O +will O will O +reduce O reduce O +`̀N B-Value `̀N O +rows O rows O +to O to O +one O one O +row O row O +. O . O + +myComplexFunc() B-Function_Name myComplexFunc() B-Code_Block +take O take O +only O only O +rows B-Variable_Name rows O +of O of O +type O type O +float64 B-Data_Type float64 B-Code_Block +. O . O + +This O This O +can O can O +be O be O +done O done O +with O with O +some O some O +for B-Code_Block for O +loops I-Code_Block loops O +but O but O +it O it O +will O will O +not O not O +be O be O +efficient O efficient O +, O , O +So O So O +I O I O +tried O tried O +to O to O +use O use O +the O the O +flexible O flexible O +apply O apply O +of O of O +pandas B-Library pandas B-Code_Block +but O but O +it O it O +seems O seems O +that O that O +it O it O +runs O runs O +the O the O +heavy O heavy O +code O code O +of O of O +myComplexFunc() B-Function_Name myComplexFunc() B-Code_Block +twice O twice O +! O ! O + +To O To O +be O be O +more O more O +clear O clear O +, O , O +here O here O +is O is O +a O a O +minimal O minimal O +example O example O + +Let O Let O +" O " O +df B-Variable_Name df O +" O " O +be O be O +a O a O +dataFrame B-Library_Class dataFrame O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4965 I-Code_Block Q_4965 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +myComplexFunc() B-Function_Name myComplexFunc() O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4966 I-Code_Block Q_4966 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +I O I O +want O want O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4967 I-Code_Block Q_4967 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +column O column O +B B-Variable_Name B B-Code_Block +have O have O +been O been O +removed O removed O +because O because O +it O it O +'s O 's O +not O not O +of O of O +type O type O +float64 B-Data_Type float64 B-Code_Block +. O . O + +Thanks O Thanks O +in O in O +advance O advance O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +39409500 O 39409500 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39409500/ O https://stackoverflow.com/questions/39409500/ O + + +You O You O +can O can O +filter O filter O +DataFrame B-Library_Class DataFrame O +by O by O +dtype B-Data_Type dtype B-Code_Block +by O by O +select_dtypes B-Library_Function select_dtypes B-Code_Block +, O , O +but O but O +then O then O +need O need O +aggreagate O aggreagate O +by O by O +Series B-Library_Class Series B-Code_Block +df.A B-Variable_Name df.A I-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5690 I-Code_Block A_5690 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +because O because O +if O if O +use O use O +only O only O +A B-Variable_Name A B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5691 I-Code_Block A_5691 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +get O get O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +and O and O +it O it O +is O is O +right O right O +- O - O +all O all O +string B-Data_Type string O +columns O columns O +are O are O +excluded O excluded O +( O ( O +A B-Variable_Name A B-Code_Block +and O and O +B B-Variable_Name B B-Code_Block +) O ) O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5692 I-Code_Block A_5692 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +6647098 O 6647098 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6647098/ O https://stackoverflow.com/questions/6647098/ O + + +Something O Something O +going O going O +wrong O wrong O +badly O badly O +due O due O +to O to O +Message B-User_Interface_Element Message O +Compose I-User_Interface_Element Compose O +Screen I-User_Interface_Element Screen O +. O . O + +I O I O +am O am O +working O working O +on O on O +a O a O +TabBar B-User_Interface_Element TabBar O +based O based O +application O application O +. O . O + +In O In O +some O some O +screens O screens O +I O I O +am O am O +showing O showing O +ToolBar B-User_Interface_Element ToolBar O +instead O instead O +of O of O +tabBar B-User_Interface_Element tabBar O +by O by O +setting O setting O +hidesBottomBarWhenPushed B-Code_Block hidesBottomBarWhenPushed B-Code_Block += I-Code_Block = I-Code_Block +YES I-Code_Block YES I-Code_Block +; I-Code_Block ; I-Code_Block +and O and O +its O its O +working O working O +fine O fine O +everytime O everytime O +. O . O + +But O But O +In O In O +1 O 1 O +screen O screen O +I O I O +am O am O +sending O sending O +SMS O SMS O +by O by O +opening O opening O +Message B-User_Interface_Element Message O +Compose I-User_Interface_Element Compose O +Screen I-User_Interface_Element Screen O +within O within O +the O the O +iphone B-Device iphone O +App O App O +. O . O + +So O So O +problem O problem O +occurs O occurs O +if O if O +I O I O +open O open O +Message B-User_Interface_Element Message O +Compose I-User_Interface_Element Compose O +Screen I-User_Interface_Element Screen O +and O and O +i O i O +clicked O clicked O +Cancel O Cancel O +button B-User_Interface_Element button O +of O of O +Message O Message O +Screen O Screen O +. O . O + +So O So O +, O , O +whenever O whenever O +going O going O +back O back O +to O to O +that O that O +module O module O +where O where O +I O I O +was O was O +showing O showing O +ToolBar B-User_Interface_Element ToolBar O +. O . O + +So O So O +on O on O +click O click O +of O of O +button O button O +no O no O +ToolBar B-User_Interface_Element ToolBar O +. O . O + +Totally O Totally O +blank O blank O +, O , O +no O no O +toolbar B-User_Interface_Element toolbar O +and O and O +no O no O +tabbar B-User_Interface_Element tabbar O +( O ( O +tabbar B-User_Interface_Element tabbar O +is O is O +quite O quite O +obvious O obvious O +i O i O +have O have O +already O already O +set O set O +hidesBottomBarWhenPushed B-Library_Class hidesBottomBarWhenPushed O +) O ) O +. O . O +. O . O + +But O But O +why O why O +toolbar B-User_Interface_Element toolbar O +now O now O +showing O showing O +due O due O +to O to O +Compose B-User_Interface_Element Compose O +screen I-User_Interface_Element screen O +? O ? O + +There O There O +is O is O +no O no O +link O link O +with O with O +compose B-User_Interface_Element compose O +screen I-User_Interface_Element screen O +to O to O +this O this O +screen B-User_Interface_Element screen O +. O . O + +Far O Far O +different O different O +implementation O implementation O +and O and O +different O different O +controllers O controllers O +. O . O + +I O I O +have O have O +check O check O +by O by O +debugging O debugging O +, O , O +Toolbar B-User_Interface_Element Toolbar O +frame O frame O +is O is O +also O also O +fine O fine O +. O . O + +Please O Please O +help O help O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +6647098 O 6647098 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6647098/ O https://stackoverflow.com/questions/6647098/ O + + +I O I O +think O think O +it O it O +is O is O +because O because O +the O the O +MFMessageComposeViewController B-Library_Class MFMessageComposeViewController O +has O has O +got O got O +a O a O +navigation B-User_Interface_Element navigation O +bar I-User_Interface_Element bar O +. O . O + +Your O Your O +application O application O +should O should O +be O be O +a O a O +navigation O navigation O +based O based O +application O application O +for O for O +that O that O +. O . O + +Otherwise O Otherwise O +your O your O +toolbar B-User_Interface_Element toolbar O +'s O 's O +frame O frame O +position O position O +will O will O +be O be O +affected O affected O +. O . O + +I O I O +had O had O +this O this O +kind O kind O +of O of O +problem O problem O +once O once O +. O . O + +So O So O +i O i O +changed O changed O +the O the O +application O application O +into O into O +navigation O navigation O +based O based O +but O but O +hid O hid O +the O the O +navigation B-User_Interface_Element navigation O +controller I-User_Interface_Element controller O +. I-User_Interface_Element . O + +Hope O Hope O +this O this O +might O might O +help O help O +you O you O +, O , O + +Happy O Happy O +coding O coding O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +6647098 O 6647098 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6647098/ O https://stackoverflow.com/questions/6647098/ O + + +Issue O Issue O +fixed O fixed O +.. O .. O +. O . O +had O had O +problem O problem O +with O with O +adding O adding O +it O it O +to O to O +keyframe B-User_Interface_Element keyframe O +window I-User_Interface_Element window O + +Question_ID O Question_ID O +: O : O +43393391 O 43393391 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43393391/ O https://stackoverflow.com/questions/43393391/ O + + +I O I O +'m O 'm O +traying O traying O +to O to O +read O read O +mails O mails O +from O from O +gmail B-Application gmail O + +using O using O +ImapClient B-Application ImapClient O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5556 I-Code_Block Q_5556 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +An O An O +exception B-Library_Class exception O +of O of O +type O type O +' O ' O +System.Exception B-Error_Name System.Exception O +' O ' O +occurred O occurred O +in O in O +AE.Net.Mail.dll B-File_Name AE.Net.Mail.dll O +but O but O +was O was O +not O not O +handled O handled O +in O in O +user O user O +code O code O + +Additional O Additional O +information O information O +: O : O +xm003 B-Value xm003 O +BAD O BAD O +Could O Could O +not O not O +parse O parse O +command O command O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43393391 O 43393391 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43393391/ O https://stackoverflow.com/questions/43393391/ O + + +This O This O +problem O problem O +is O is O +currently O currently O +an O an O +open O open O +bug O bug O +with O with O +AE.Net.Mail B-Library AE.Net.Mail O +. O . O + +Please O Please O +see O see O +the O the O +following O following O +URL O URL O +for O for O +information O information O +: O : O + +https://github.com/andyedinborough/aenetmail/issues/197 O https://github.com/andyedinborough/aenetmail/issues/197 O + +It O It O +looks O looks O +like O like O +, O , O +from O from O +the O the O +bug O bug O +information O information O +and O and O +comments O comments O +that O that O +it O it O +'s O 's O +to O to O +do O do O +with O with O +the O the O +DateTime B-Library_Class DateTime O +in O in O +the O the O +search B-Library_Class search O +condition I-Library_Class condition O +. O . O + +Replacing O Replacing O +your O your O +current O current O +SearchCondition B-Library_Class SearchCondition B-Code_Block +with O with O +the O the O +following O following O +might O might O +prevent O prevent O +the O the O +problem O problem O +, O , O +if O if O +I O I O +'m O 'm O +reading O reading O +the O the O +comments O comments O +correctly O correctly O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6275 I-Code_Block A_6275 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43393391 O 43393391 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43393391/ O https://stackoverflow.com/questions/43393391/ O + + +@Ahmado B-User_Name @Ahmado O +you O you O +can O can O +use O use O +pop3 O pop3 O +for O for O +reading O reading O +inbox B-Application inbox O +email O email O +. O . O + +this O this O +is O is O +not O not O +for O for O +only O only O +gmail B-Application gmail O +, O , O +this O this O +can O can O +be O be O +use O use O +for O for O +other O other O +email O email O +also.for O also.for O +this O this O +you O you O +need O need O +2 O 2 O +dll B-File_Type dll O +. O . O + +Download O Download O +this O this O +in O in O +your O your O +applicatin O applicatin O +using O using O +nuget B-Application nuget O +. O . O + +OpenPop.NET B-Library OpenPop.NET O +and O and O +AE.Net.Mail B-Library AE.Net.Mail O + +Step1 O Step1 O +: O : O +According O According O +to O to O +your O your O +credential O credential O +read O read O +all O all O +inbox B-Application inbox O +email O email O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6540 I-Code_Block A_6540 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Step O Step O +2 O 2 O +:Each O :Each O +email O email O +has O has O +a O a O +unique O unique O +id B-Variable_Name id O +, O , O +using O using O +this O this O +you O you O +can O can O +get O get O +the O the O +email O email O +details O details O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6541 I-Code_Block A_6541 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +code O code O +sample O sample O +for O for O +ASP.NET B-Library ASP.NET O +MVC I-Library MVC O +. O . O + +For O For O +your O your O +case O case O +you O you O +can O can O +also O also O +review O review O +the O the O +code O code O +sample O sample O + +Question_ID O Question_ID O +: O : O +45244287 O 45244287 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45244287/ O https://stackoverflow.com/questions/45244287/ O + + +I O I O +have O have O +been O been O +trying O trying O +for O for O +two O two O +weeks O weeks O +to O to O +find O find O +binaries O binaries O +for O for O +ffmpeg B-Application ffmpeg O +and O and O +Sox B-Application Sox O +( O ( O +armeabi B-Device armeabi O +, O , O +armeabiv7 B-Device armeabiv7 O +, O , O +x86 B-Device x86 O +) O ) O +but O but O +i O i O +did O did O +not O not O +succeed O succeed O +. O . O + +I O I O +tried O tried O +building O building O +it O it O +my O my O +self O self O +from O from O +this O this O +project O project O +but O but O +I O I O +still O still O +did O did O +not O not O +succeed O succeed O +. O . O + +Can O Can O +you O you O +help O help O +me O me O +build O build O +the O the O +project O project O +and O and O +then O then O +share O share O +the O the O +binaries B-File_Type binaries O +? O ? O + +I O I O +would O would O +heartly O heartly O +appreciate O appreciate O +. O . O + +Here O Here O +is O is O +the O the O +github B-Website github O +repository O repository O + +https://github.com/guardianproject/android-ffmpeg O https://github.com/guardianproject/android-ffmpeg O + +Question_ID O Question_ID O +: O : O +30370935 O 30370935 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30370935/ O https://stackoverflow.com/questions/30370935/ O + + +How O How O +to O to O +get O get O +previous O previous O +or O or O +next O next O +object O object O +with O with O +this O this O +format O format O +of O of O +code O code O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3643 I-Code_Block Q_3643 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +know O know O +how O how O +to O to O +do O do O +that O that O +with O with O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3644 I-Code_Block Q_3644 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30370935 O 30370935 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30370935/ O https://stackoverflow.com/questions/30370935/ O + + +You O You O +can O can O +use O use O +enumerate B-Code_Block enumerate B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4315 I-Code_Block A_4315 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Note O Note O +that O that O +as O as O +a O a O +more O more O +efficient O efficient O +way O way O +for O for O +accessing O accessing O +to O to O +next O next B-Code_Block +items O items O +and O and O +refuse O refuse O +of O of O +multiple O multiple O +indexing O indexing O +you O you O +can O can O +use O use O +iter() B-Library_Function iter() B-Code_Block +function O function O +to O to O +create O create O +an O an O +iterator O iterator O +object O object O +from O from O +your O your O +list B-Data_Structure list O +( O ( O +from O from O +second O second O +element O element O +to O to O +end O end O +) O ) O +and O and O +access O access O +to O to O +next O next O +elements O elements O +in O in O +each O each O +iteration O iteration O +with O with O +next B-Code_Block next B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4316 I-Code_Block A_4316 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Note O Note O +that O that O +if O if O +you O you O +do O do O +n't O n't O +pass O pass O +the O the O +None B-Value None B-Code_Block +as O as O +the O the O +second O second O +argument O argument O +to O to O +next() B-Library_Function next() B-Code_Block +function O function O +it O it O +will O will O +raise O raise O +a O a O +StopIteration B-Error_Name StopIteration B-Code_Block +error.You O error.You O +can O can O +also O also O +handle O handle O +it O it O +with O with O +a O a O +try-except B-Code_Block try-except B-Code_Block +statement O statement O +. O . O + +Also O Also O +for O for O +short O short O +lists B-Data_Structure lists O +you O you O +can O can O +use O use O +zip B-Library_Function zip B-Code_Block +function O function O +and O and O +for O for O +long O long O +lists B-Data_Structure lists O +itertools.izip() B-Library_Function itertools.izip() B-Code_Block +function O function O +( O ( O +zip B-Library_Function zip B-Code_Block +in O in O +python B-Language python O +3) B-Version 3) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4317 I-Code_Block A_4317 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +zip(l,l[1:]) B-Code_Block zip(l,l[1:]) B-Code_Block +will O will O +give O give O +you O you O +the O the O +following O following O +pairs O pairs O +of O of O +items O items O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4318 I-Code_Block A_4318 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +in O in O +the O the O +loop O loop O +you O you O +can O can O +use O use O +i B-Variable_Name i B-Code_Block +as O as O +the O the O +current O current O +item O item O +then O then O +j B-Variable_Name j B-Code_Block +will O will O +be O be O +the O the O +next O next O +item O item O +or O or O +use O use O +j B-Variable_Name j B-Code_Block +as O as O +the O the O +current O current O +then O then O +i B-Variable_Name i B-Code_Block +will O will O +be O be O +the O the O +previous O previous O +! O ! O + +:) O :) O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30370935 O 30370935 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30370935/ O https://stackoverflow.com/questions/30370935/ O + + +There O There O +are O are O +many O many O +different O different O +options O options O +depending O depending O +on O on O +what O what O +your O your O +use O use O +for O for O +the O the O +neighbour O neighbour O +entry O entry O +is O is O +. O . O + +For O For O +instance O instance O +, O , O +if O if O +you O you O +only O only O +want O want O +to O to O +process O process O +pairs O pairs O +, O , O +and O and O +not O not O +modify O modify O +the O the O +list B-Data_Structure list O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4320 I-Code_Block A_4320 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +if O if O +you O you O +need O need O +to O to O +keep O keep O +the O the O +prior O prior O +entry O entry O +as O as O +a O a O +reference O reference O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4321 I-Code_Block A_4321 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +None B-Value None B-Code_Block +here O here O +is O is O +used O used O +in O in O +place O place O +of O of O +a O a O +prior O prior O +item O item O +for O for O +the O the O +first O first O +, O , O +similar O similar O +to O to O +how O how O +it O it O +'s O 's O +used O used O +for O for O +the O the O +next O next O +item O item O +after O after O +the O the O +last O last O +in O in O +Kasra B-User_Name Kasra O +'s O 's O +iter()-based B-Library_Function iter()-based O +example O example O +. O . O + +Question_ID O Question_ID O +: O : O +37149514 O 37149514 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37149514/ O https://stackoverflow.com/questions/37149514/ O + + +I O I O +am O am O +trying O trying O +to O to O +process O process O +some O some O +CSS B-Language CSS O +using O using O +PHP B-Language PHP O +. O . O + +The O The O +CSS B-Language CSS O +I O I O +want O want O +to O to O +process O process O +is O is O +page-specific O page-specific O +and O and O +so O so O +I O I O +want O want O +to O to O +set O set O +a O a O +variable O variable O +in O in O +my O my O +index.php B-File_Name index.php B-Code_Block +to O to O +only O only O +echo O echo O +the O the O +CSS B-Language CSS O +when O when O +the O the O +variable O variable O +is O is O +set O set O +. O . O + +index.php B-File_Name index.php O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4622 I-Code_Block Q_4622 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +header.php B-File_Name header.php O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4623 I-Code_Block Q_4623 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +import.php B-File_Name import.php O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4624 I-Code_Block Q_4624 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +header O header O +is O is O +properly O properly O +set O set O +for O for O +this O this O +file O file O +. O . O + +and O and O +the O the O +CSS B-Language CSS O +is O is O +interpreted O interpreted O +. O . O + +styles.css.php B-File_Name styles.css.php O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4625 I-Code_Block Q_4625 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +How O How O +can O can O +I O I O +make O make O +sure O sure O +$name B-Variable_Name $name B-Code_Block +is O is O +set O set O +to O to O +it O it O +'s O 's O +value O value O +, O , O +as O as O +set O set O +in O in O +index.php B-File_Name index.php B-Code_Block +? O ? O + +EDIT O EDIT O +: O : O +My O My O +final O final O +solution O solution O +was O was O +to O to O +make O make O +an O an O +object O object O +from O from O +the O the O +stdClass B-Library_Class stdClass B-Code_Block +and O and O +add O add O +the O the O +variables O variables O +I O I O +needed O needed O +as O as O +attributes O attributes O +to O to O +the O the O +object O object O +. O . O + +putting O putting O +a O a O +GET B-Library_Function GET O +request O request O +in O in O +the O the O +link O link O +to O to O +the O the O +CSS B-File_Type CSS O +file O file O +which O which O +was O was O +the O the O +Base64 B-Data_Type Base64 O +of O of O +the O the O +JSON B-File_Type JSON O +string B-Data_Type string O +of O of O +the O the O +object O object O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37149514 O 37149514 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37149514/ O https://stackoverflow.com/questions/37149514/ O + + +The O The O +problem O problem O +is O is O +that O that O +you O you O +are O are O +linking O linking O +to O to O +that O that O +styles.css.php B-File_Name styles.css.php O +from O from O +inside O inside O +the O the O +rendered O rendered O +html B-Language html O +. O . O + +This O This O +means O means O +that O that O +page O page O +will O will O +be O be O +fetched O fetched O +in O in O +a O a O +separate O separate O +request O request O +( O ( O +as O as O +you O you O +can O can O +se O se O +when O when O +you O you O +inspect O inspect O +the O the O +page O page O +) O ) O +. O . O + +This O This O +request O request O +never O never O +passes O passes O +trough O trough O +your O your O +index.php B-File_Name index.php O +, O , O +and O and O +so O so O +the O the O +$name B-Variable_Name $name B-Code_Block +variable O variable O +will O will O +not O not O +be O be O +set O set O +. O . O + +I O I O +would O would O +advise O advise O +you O you O +to O to O +include O include O +the O the O +css B-Language css O +in O in O +the O the O +rendered O rendered O +HTML B-Language HTML O +inside O inside O +a O a O +style O style O +block O block O +. O . O + +It O It O +should O should O +be O be O +as O as O +easy O easy O +as O as O +changing O changing O +your O your O +import.php B-File_Name import.php O +to O to O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5334 I-Code_Block A_5334 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +also O also O +has O has O +the O the O +added O added O +benefit O benefit O +of O of O +reducing O reducing O +the O the O +number O number O +of O of O +requests O requests O +the O the O +browser B-Application browser O +has O has O +to O to O +make O make O +, O , O +and O and O +should O should O +therefore O therefore O +speed O speed O +up O up O +the O the O +page O page O +. O . O + +This O This O +is O is O +btw O btw O +not O not O +a O a O +very O very O +standard O standard O +method O method O +of O of O +using O using O +css B-Language css O +. O . O + +I O I O +believe O believe O +it O it O +would O would O +be O be O +better O better O +to O to O +add O add O +some O some O +sort O sort O +of O of O +id O id O +( O ( O +or O or O +data O data O +attribute O attribute O +) O ) O +on O on O +your O your O +body B-HTML_XML_Tag body B-Code_Block +tag O tag O +that O that O +indicates O indicates O +the O the O +name O name O +of O of O +the O the O +page O page O +you O you O +are O are O +on O on O +. O . O + +In O In O +the O the O +css B-File_Type css O +file O file O +( O ( O +that O that O +does O does O +not O not O +run O run O +trough O trough O +php B-Language php O +, O , O +just O just O +a O a O +standard O standard O +css B-File_Type css O +file O file O +) O ) O +, O , O +you O you O +could O could O +then O then O +do O do O +something O something O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5335 I-Code_Block A_5335 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37149514 O 37149514 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37149514/ O https://stackoverflow.com/questions/37149514/ O + + +The O The O + B-HTML_XML_Tag B-Code_Block +tag O tag O +makes O makes O +an O an O +HTTP O HTTP O +request O request O +for O for O +a O a O +file O file O +totally O totally O +independent O independent O +of O of O +the O the O +PHP B-Language PHP O +pages O pages O +that O that O +are O are O +including O including O +each O each O +other O other O +, O , O +so O so O +$name B-Variable_Name $name B-Code_Block +is O is O +not O not O +available O available O +in O in O +styles.css.php B-File_Name styles.css.php O +. O . O + +To O To O +do O do O +it O it O +this O this O +way O way O +you O you O +need O need O +to O to O +link O link O +the O the O +style O style O +sheet O sheet O +something O something O +like O like O +this O this O +to O to O +pass O pass O +$name B-Variable_Name $name B-Code_Block +as O as O +a O a O +get O get O +variable O variable O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5336 I-Code_Block A_5336 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +in O in O +the O the O +style O style O +sheet O sheet O +styles.css.php O styles.css.php O +use O use O +$_GET['name'] B-Code_Block $_GET['name'] B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5337 I-Code_Block A_5337 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +37977365 O 37977365 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37977365/ O https://stackoverflow.com/questions/37977365/ O + + +I O I O +have O have O +a O a O +scenario O scenario O +where O where O +my O my O +application O application O +opens O opens O +a O a O +document B-User_Interface_Element document O +in O in O +google B-Application google O +drive I-Application drive O +and O and O +allows O allows O +user O user O +to O to O +edit O edit O +. O . O + +Now O Now O +if O if O +I O I O +want O want O +multiple O multiple O +users O users O +to O to O +edit O edit O +the O the O +document B-User_Interface_Element document O +, O , O +how O how O +( O ( O +what O what O +google O google O +api-oauth/openconnect/identity O api-oauth/openconnect/identity O +federation/sign O federation/sign O +in O in O +) O ) O +should O should O +I O I O +use O use O +to O to O +authenticate O authenticate O +users O users O +and O and O +get O get O +their O their O +profile O profile O +info O info O +. O . O + +So O So O +that O that O +each O each O +user O user O +can O can O +access O access O +the O the O +same O same O +document B-User_Interface_Element document O +and O and O +edit O edit O +it O it O +. O . O + +Currently O Currently O +, O , O +I O I O +am O am O +authenticating O authenticating O +using O using O +service O service O +account O account O +and O and O +allowing O allowing O +anonymous O anonymous O +access O access O +. O . O + +How O How O +can O can O +I O I O +implement O implement O +the O the O +above O above O +scenario O scenario O +? O ? O + +What O What O +API O API O +'s O 's O +might O might O +help O help O +me O me O +to O to O +look O look O +at O at O +? O ? O + +Kindly O Kindly O +guide O guide O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37977365 O 37977365 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37977365/ O https://stackoverflow.com/questions/37977365/ O + + +You O You O +can O can O +actually O actually O +use O use O +Google B-Library Google O +Drive I-Library Drive O +Rest I-Library Rest O +API I-Library API O +which O which O +uses O uses O +these O these O +authorization O authorization O +protocols O protocols O +: O : O + +OAuth B-Library OAuth O +2.0 B-Version 2.0 O +to O to O +authorize O authorize O +requests O requests O +, O , O +or O or O + +if O if O +your O your O +application O application O +uses O uses O +Google B-Website Google O +Sign-in O Sign-in O +, O , O +some O some O +aspects O aspects O +of O of O +authorization O authorization O +are O are O +handled O handled O +for O for O +you O you O +. O . O + +You O You O +can O can O +follow O follow O +this O this O +general O general O +authorization O authorization O +process O process O +for O for O +all O all O +application O application O +types O types O +as O as O +given O given O +in O in O +Authorizing O Authorizing O +requests O requests O +with O with O +OAuth B-Library OAuth O +2.0 B-Version 2.0 O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +In O In O +addition O addition O +to O to O +that O that O +, O , O +if O if O +your O your O +app O app O +requires O requires O +access O access O +to O to O +any O any O +other O other O +Google B-Library Google O +APIs I-Library APIs O +, O , O +you O you O +can O can O +add O add O +scopes O scopes O +as O as O +given O given O +in O in O +OAuth B-Library OAuth O +2.0 B-Version 2.0 O +scope O scope O +information O information O +for O for O +the O the O +Drive B-Library Drive O +API I-Library API O +detailed O detailed O +in O in O +the O the O +documentation O documentation O +. O . O + +For O For O +more O more O +information O information O +, O , O +please O please O +go O go O +through O through O +the O the O +given O given O +documentations O documentations O +and O and O +you O you O +may O may O +also O also O +add O add O +Using O Using O +OAuth B-Library OAuth O +2.0 B-Version 2.0 O +to O to O +Access O Access O +Google B-Library Google O +APIs I-Library APIs O +in O in O +your O your O +references O references O +with O with O +regards O regards O +to O to O +Google B-Library Google O +API I-Library API O +scopes O scopes O +. O . O + +Question_ID O Question_ID O +: O : O +47922855 O 47922855 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47922855/ O https://stackoverflow.com/questions/47922855/ O + + +I O I O +have O have O +a O a O +SQL B-Language SQL O +Server O Server O +table B-Data_Structure table O +with O with O +the O the O +following O following O +data O data O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6364 I-Code_Block Q_6364 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +above O above O +table B-Data_Structure table O +stores O stores O +the O the O +data O data O +of O of O +connecting O connecting O +flights O flights O +between O between O +different O different O +cities O cities O +. O . O + +I O I O +want O want O +a O a O +result O result O +in O in O +the O the O +following O following O +format O format O +- O - O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6365 I-Code_Block Q_6365 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Please O Please O +advise O advise O +on O on O +how O how O +this O this O +can O can O +be O be O +achieved O achieved O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +47922855 O 47922855 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47922855/ O https://stackoverflow.com/questions/47922855/ O + + +Just O Just O +use O use O +group B-Code_Block group B-Code_Block +by I-Code_Block by I-Code_Block +clause O clause O +with O with O +conditional O conditional O +aggregation O aggregation O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7005 I-Code_Block A_7005 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Edit O Edit O +: O : O + +You O You O +could O could O +also O also O +directly O directly O +fetch O fetch O +the O the O +source O source O +and O and O +destination O destination O +station O station O +by O by O +using O using O +first_value() B-Library_Function first_value() B-Code_Block +and O and O +last_value() B-Library_Function last_value() B-Code_Block +function O function O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7006 I-Code_Block A_7006 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Note O Note O +: O : O +The O The O +above O above O +is O is O +tested O tested O +based O based O +on O on O +data O data O +provided O provided O +in O in O +Q O Q B-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +47922855 O 47922855 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47922855/ O https://stackoverflow.com/questions/47922855/ O + + +Try O Try O +the O the O +following O following O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7001 I-Code_Block A_7001 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +you O you O +can O can O +use O use O +window O window O +functions O functions O +FIRST_VALUE B-Library_Function FIRST_VALUE B-Code_Block +and O and O +LAST_VALUE B-Library_Function LAST_VALUE B-Code_Block +if O if O +your O your O +version O version O +of O of O +SQLServer B-Application SQLServer O +supports O supports O +them O them O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7002 I-Code_Block A_7002 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +ID B-Library_Variable ID B-Code_Block +are O are O +inconsistent O inconsistent O +then O then O +you O you O +can O can O +use O use O +a O a O +recursive O recursive O +CTE O CTE O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7003 I-Code_Block A_7003 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +'s O 's O +a O a O +symbiosis O symbiosis O +from O from O +two O two O +queries B-Data_Structure queries O +which O which O +provided O provided O +Yogesh B-User_Name Yogesh O +Sharma I-User_Name Sharma O +and O and O +my O my O +first O first O +query B-Data_Structure query O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7004 I-Code_Block A_7004 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +25677891 O 25677891 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25677891/ O https://stackoverflow.com/questions/25677891/ O + + +I O I O +am O am O +trying O trying O +to O to O +insert O insert O +a O a O +click O click O +to O to O +call O call O +button B-User_Interface_Element button O +on O on O +my O my O +home O home O +page O page O +. O . O + +This O This O +is O is O +the O the O +first O first O +site O site O +I O I O +'ve O 've O +built O built O +using O using O +Bootstrap B-Library Bootstrap O +( O ( O +Bootstrap B-Library Bootstrap O +3.2.0 B-Version 3.2.0 O +) O ) O +. O . O + +Please O Please O +view O view O +the O the O +code O code O +and O and O +help O help O +me O me O +figure O figure O +out O out O +what O what O +I O I O +'m O 'm O +doing O doing O +wrong O wrong O +. O . O + +Thank O Thank O +you O you O + +You O You O +can O can O +visit O visit O +the O the O +site O site O +here O here O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2924 I-Code_Block Q_2924 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25677891 O 25677891 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25677891/ O https://stackoverflow.com/questions/25677891/ O + + +It O It O +is O is O +not O not O +working O working O +because O because O +you O you O +have O have O +invalid O invalid O +HTML B-Language HTML O +( O ( O +an O an O +href B-HTML_XML_Tag href O +attribute O attribute O +on O on O +a O a O +button B-User_Interface_Element button O +) O ) O +. O . O + +Usage O Usage O +info O info O +from O from O +W3C B-Website W3C O + +This O This O +should O should O +do O do O +the O the O +trick O trick O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3537 I-Code_Block A_3537 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +10103953 O 10103953 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10103953/ O https://stackoverflow.com/questions/10103953/ O + + +Are O Are O +there O there O +an O an O +efficient O efficient O +algorithm O algorithm O +to O to O +search O search O +and O and O +dump O dump O +all O all O +common O common O +substrings O substrings O +( O ( O +which O which O +length O length O +is O is O +3 O 3 O +or O or O +longer O longer O +) O ) O +between O between O +2 O 2 O +strings B-Data_Type strings O +? O ? O + +Example O Example O +input O input O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_880 I-Code_Block Q_880 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Example O Example O +output O output O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_881 I-Code_Block Q_881 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +the O the O +example O example O +, O , O +" B-Value " O +-D I-Value -D O +" I-Value " O +, O , O +" B-Value " O +-M I-Value -M O +" I-Value " O +is O is O +also O also O +a O a O +common O common O +substring O substring O +but O but O +is O is O +not O not O +required O required O +, O , O +because O because O +it O it O +'s O 's O +length O length O +is O is O +only O only O +2 B-Value 2 O +. O . O + +( O ( O +There O There O +might O might O +be O be O +some O some O +missing O missing O +outputs O outputs O +in O in O +example O example O +because O because O +there O there O +are O are O +so O so O +many O many O +of O of O +them O them O +.. O .. O +. O . O +) O ) O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +10103953 O 10103953 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10103953/ O https://stackoverflow.com/questions/10103953/ O + + +You O You O +can O can O +find O find O +all O all O +common O common O +substrings O substrings O +using O using O +a O a O +data O data O +structure O structure O +called O called O +a O a O +Generalized B-Data_Structure Generalized O +suffix I-Data_Structure suffix O +tree I-Data_Structure tree O + +Libstree B-Library Libstree O +contains O contains O +some O some O +example O example O +code O code O +for O for O +finding O finding O +the O the O +longest O longest O +common O common O +substring O substring O +. O . O + +That O That O +example O example O +code O code O +can O can O +be O be O +modified O modified O +to O to O +obtain O obtain O +all O all O +common O common O +substrings O substrings O +. O . O + +Question_ID O Question_ID O +: O : O +5294014 O 5294014 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5294014/ O https://stackoverflow.com/questions/5294014/ O + + +I O I O +need O need O +a O a O +way O way O +to O to O +be O be O +able O able O +to O to O +read O read O +from O from O +a O a O +UTF-8 O UTF-8 O +encoded O encoded O +file O file O +and O and O +store O store O +data O data O +from O from O +it O it O +into O into O +" O " O +UTF-8 O UTF-8 O +compatible O compatible O +strings B-Data_Type strings O +" O " O +of O of O +some O some O +sort O sort O +, O , O +in O in O +C++ B-Language C++ O +. O . O + +This O This O +data O data O +needs O needs O +to O to O +be O be O +written O written O +back O back O +to O to O +a O a O +UTF-8 O UTF-8 O +encoded O encoded O +file O file O +later O later O +on O on O +. O . O + +There O There O +seems O seems O +to O to O +be O be O +a O a O +lot O lot O +of O of O +advice O advice O +on O on O +google B-Website google O +about O about O +doing O doing O +this O this O +in O in O +Windows B-Operating_System Windows O +but O but O +I O I O +cannot O cannot O +find O find O +any O any O +help O help O +for O for O +Unix B-Operating_System Unix O +systems O systems O +. O . O + +Thanks O Thanks O +for O for O +your O your O +help O help O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5294014 O 5294014 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5294014/ O https://stackoverflow.com/questions/5294014/ O + + +If O If O +all O all O +you O you O +need O need O +to O to O +do O do O +is O is O +read O read O +and O and O +write O write O +it O it O +then O then O +std::string B-Library_Class std::string O +is O is O +fine O fine O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_576 I-Code_Block A_576 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +works O works O +because O because O +no O no O +multi-character O multi-character O +UTF O UTF O +codepoint O codepoint O +overlaps O overlaps O +with O with O +an O an O +an O an O +ASCII O ASCII O +character O character O +so O so O +the O the O +standard O standard O +processing O processing O +of O of O +text O text O +works O works O +just O just O +fine O fine O +in O in O +relation O relation O +to O to O +end O end O +of O of O +line O line O +sequence O sequence O +and O and O +there O there O +is O is O +no O no O +other O other O +processing O processing O +done O done O +by O by O +the O the O +stream O stream O +. O . O + +What O What O +you O you O +read O read O +is O is O +what O what O +you O you O +get O get O +. O . O + +Outputting O Outputting O +the O the O +string B-Data_Type string O +does O does O +not O not O +change O change O +any O any O +of O of O +the O the O +codepoints O codepoints O +. O . O + +Now O Now O +if O if O +you O you O +need O need O +to O to O +manipulate O manipulate O +the O the O +text O text O +that O that O +is O is O +a O a O +different O different O +question O question O +and O and O +gets O gets O +more O more O +complex O complex O +. O . O + +Usually O Usually O +manipulating O manipulating O +UTF-8 O UTF-8 O +is O is O +way O way O +to O to O +hard O hard O +( O ( O +can O can O +be O be O +done O done O +but O but O +not O not O +worth O worth O +it O it O +IMO O IMO O +) O ) O +. O . O + +When O When O +it O it O +comes O comes O +to O to O +manipulating O manipulating O +the O the O +text O text O +you O you O +want O want O +to O to O +convert O convert O +the O the O +UTF-8 O UTF-8 O +( O ( O +which O which O +is O is O +not O not O +a O a O +fixed O fixed O +width O width O +) O ) O +to O to O +an O an O +internal O internal O +fixed O fixed O +width O width O +format O format O +; O ; O +( O ( O +UTF-16 O UTF-16 O +or O or O +UTF-32 O UTF-32 O +are O are O +common O common O +formats O formats O +for O for O +manipulation O manipulation O +and O and O +easy O easy O +to O to O +use O use O +; O ; O +( O ( O +UTF-16 O UTF-16 O +windows B-Operating_System windows O +, O , O +UTF-32 O UTF-32 O +for O for O +most O most O +* B-Operating_System * O +nix I-Operating_System nix O +like O like O +OS O OS O +) O ) O +) O ) O +. O . O + +The O The O +easiest O easiest O +way O way O +to O to O +do O do O +this O this O +is O is O +to O to O +imbue O imbue O +the O the O +stream O stream O +with O with O +a O a O +facet O facet O +that O that O +knows O knows O +the O the O +input O input O +is O is O +in O in O +UTF-8 O UTF-8 O +and O and O +will O will O +convert O convert O +it O it O +automatically O automatically O +. O . O + +There O There O +are O are O +a O a O +couple O couple O +of O of O +these O these O +facets O facets O +floating O floating O +around O around O +in O in O +different O different O +libraries O libraries O +. O . O + +But O But O +an O an O +easy O easy O +one O one O +to O to O +find O find O +is O is O +boost O boost O +: O : O + +http://www.boost.org/doc/libs/1_38_0/libs/serialization/doc/codecvt.html O http://www.boost.org/doc/libs/1_38_0/libs/serialization/doc/codecvt.html O + +Note O Note O +: O : O +It O It O +is O is O +also O also O +in O in O +the O the O +latest O latest O +version O version O +of O of O +boost B-Library boost O +1.46 B-Version 1.46 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_577 I-Code_Block A_577 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +processes O processes O +is O is O +the O the O +same O same O +for O for O +writting O writting O +UTF-16/32 O UTF-16/32 O +back O back O +to O to O +a O a O +stream O stream O +and O and O +converting O converting O +it O it O +to O to O +UTF-8 O UTF-8 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_578 I-Code_Block A_578 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Note O Note O +. O . O + +You O You O +should O should O +imbue O imbue O +the O the O +file O file O +before O before O +it O it O +is O is O +opened O opened O +. O . O + +Different O Different O +implementations O implementations O +of O of O +the O the O +stream O stream O +will O will O +react O react O +differently O differently O +if O if O +you O you O +imbue O imbue O +the O the O +stream O stream O +after O after O +it O it O +is O is O +open O open O +. O . O + +Thus O Thus O +it O it O +is O is O +best O best O +to O to O +imbue O imbue O +the O the O +stream O stream O +before O before O +opening O opening O +it O it O +. O . O + +Dinkumware O Dinkumware O +also O also O +has O has O +a O a O +set O set O +of O of O +conversion O conversion O +facets O facets O +( O ( O +not O not O +sure O sure O +if O if O +they O they O +are O are O +free O free O +) O ) O +. O . O + +http://www.dinkumware.com/manuals/default.aspx?manual=compleat&page=index_cvt.html#Code%20Conversions O http://www.dinkumware.com/manuals/default.aspx?manual=compleat&page=index_cvt.html#Code%20Conversions O + +Note O Note O +: O : O +I O I O +prefer O prefer O +to O to O +use O use O +the O the O +terms O terms O +UTF-X O UTF-X O +rather O rather O +than O than O +UCS-Y O UCS-Y O +. O . O + +Though O Though O +technically O technically O +there O there O +are O are O +very O very O +minor O minor O +differences O differences O +these O these O +are O are O +inconsequential O inconsequential O +compared O compared O +to O to O +the O the O +confusion O confusion O +you O you O +can O can O +create O create O +by O by O +switching O switching O +between O between O +the O the O +two O two O +terms O terms O +while O while O +talking O talking O +about O about O +the O the O +subject O subject O +. O . O + +Stick O Stick O +to O to O +one O one O +unless O unless O +you O you O +need O need O +to O to O +talk O talk O +explicitly O explicitly O +about O about O +a O a O +feature O feature O +( O ( O +like O like O +Surrogate O Surrogate O +pairs O pairs O +) O ) O +. O . O + +Question_ID O Question_ID O +: O : O +35136362 O 35136362 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35136362/ O https://stackoverflow.com/questions/35136362/ O + + +This O This O +code O code O +takes O takes O +practically O practically O +no O no O +time O time O +at O at O +all O all O +when O when O +optimizing O optimizing O +with O with O +-O3 O -O3 O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4297 I-Code_Block Q_4297 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +compiler B-Application compiler O +optimization O optimization O +is O is O +making O making O +this O this O +code O code O +go O go O +from O from O +0.014 O 0.014 O +seconds O seconds O +with O with O +-O0 O -O0 O +to O to O +0.000000 O 0.000000 O +with O with O +-03 B-Code_Block -03 O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35136362 O 35136362 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35136362/ O https://stackoverflow.com/questions/35136362/ O + + +The O The O +internal O internal O +large O large O +loop O loop O +has O has O +no O no O +side O side O +effects O effects O +since O since O +you O you O +'re O 're O +not O not O +using O using O +B B-Variable_Name B O +anywhere O anywhere O +, O , O +so O so O +any O any O +decent O decent O +compiler B-Application compiler O +with O with O +-O3 B-Code_Block -O3 O +will O will O +eliminate O eliminate O +it O it O +. O . O + +To O To O +avoid O avoid O +that O that O +, O , O +you O you O +could O could O +try O try O +to O to O +summarize O summarize O +the O the O +values O values O +and O and O +print O print O +out O out O +the O the O +outcome O outcome O +at O at O +the O the O +end O end O +. O . O + +Alternatively O Alternatively O +, O , O +printing O printing O +some O some O +random O random O +element O element O +from O from O +B B-Variable_Name B O +might O might O +make O make O +the O the O +compiler B-Application compiler O +suspicious O suspicious O +enough O enough O +to O to O +avoid O avoid O +that O that O +elimination O elimination O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35136362 O 35136362 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35136362/ O https://stackoverflow.com/questions/35136362/ O + + +It O It O +is O is O +hard O hard O +to O to O +say O say O +for O for O +sure O sure O +without O without O +checking O checking O +the O the O +generated B-File_Name generated O +assembly I-File_Name assembly O +. O . O + +In O In O +general O general O +, O , O +there O there O +is O is O +as-if O as-if O +rule O rule O +, O , O +which O which O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +It O It O +could O could O +be O be O +, O , O +for O for O +instance O instance O +, O , O +that O that O +since O since O +neither O neither O +A B-Variable_Name A B-Code_Block +no O no O +B B-Variable_Name B B-Code_Block +are O are O +used O used O +anywhere O anywhere O +, O , O +the O the O +compiler B-Application compiler O +just O just O +omits O omits O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5017 I-Code_Block A_5017 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +as O as O +well O well O +as O as O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5018 I-Code_Block A_5018 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +8988321 O 8988321 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8988321/ O https://stackoverflow.com/questions/8988321/ O + + +I O I O +have O have O +a O a O +problem O problem O +. O . O + +I O I O +spend O spend O +around O around O +5 O 5 O +hours O hours O +trying O trying O +everything O everything O +, O , O +but O but O +I O I O +was O was O +not O not O +even O even O +able O able O +to O to O +reproduce O reproduce O +it O it O +properly O properly O +so O so O +I O I O +include O include O +the O the O +simplified O simplified O +original O original O +source O source O +code O code O +. O . O + +I O I O +apologize O apologize O +for O for O +the O the O +extent O extent O +, O , O +but O but O +I O I O +wanted O wanted O +to O to O +include O include O +all O all O +the O the O +relevant O relevant O +information O information O +I O I O +found O found O +out O out O +so O so O +far O far O +. O . O + +This O This O +is O is O +one O one O +of O of O +the O the O +few O few O +times O times O +I O I O +feel O feel O +completely O completely O +powerless O powerless O +and O and O +kindly O kindly O +request O request O +your O your O +help O help O +. O . O + +Any O Any O +ideas O ideas O +are O are O +welcome O welcome O +. O . O + +Also O Also O +any O any O +comments O comments O +that O that O +can O can O +bring O bring O +at O at O +least O least O +some O some O +light O light O +to O to O +the O the O +matter O matter O +. O . O + +The O The O +behaviour O behaviour O +in O in O +this O this O +case O case O +is O is O +a O a O +complete O complete O +mystery O mystery O +to O to O +me O me O +. O . O + +I O I O +am O am O +programming O programming O +in O in O +QtCreator B-Application QtCreator O +in O in O +Ubuntu B-Operating_System Ubuntu O +. O . O + +I O I O +am O am O +trying O trying O +to O to O +develop O develop O +a O a O +framework O framework O +to O to O +solve O solve O +mathematical O mathematical O +problems O problems O +using O using O +a O a O +Population B-Class_Name Population O +of O of O +candidate O candidate O +solutions O solutions O +, O , O +which O which O +should O should O +evolve O evolve O +into O into O +the O the O +true O true O +solution O solution O +. O . O + +There O There O +are O are O +3 O 3 O +classes O classes O +involved O involved O +: O : O +Population B-Class_Name Population O +, O , O +PopulationMember B-Class_Name PopulationMember O +and O and O +Problem B-Class_Name Problem O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_752 I-Code_Block Q_752 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Usually O Usually O +my O my O +program O program O +runs O runs O +in O in O +loops O loops O +, O , O +where O where O +the O the O +population B-Class_Name population O +calls O calls O +its O its O +various O various O +methods O methods O +. O . O + +One O One O +of O of O +them O them O +is O is O +Population::evaluate() B-Function_Name Population::evaluate() O +. O . O + +My O My O +program O program O +ran O ran O +great O great O +until O until O +I O I O +introduced O introduced O +some O some O +new O new O +methods O methods O +of O of O +Population B-Class_Name Population O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_753 I-Code_Block Q_753 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +I O I O +get O get O +a O a O +segmentation B-Error_Name segmentation O +error O error O +in O in O +the O the O +middle O middle O +of O of O +program O program O +. O . O + +The O The O +strangest O strangest O +thing O thing O +is O is O +that O that O +it O it O +happens O happens O +only O only O +after O after O +the O the O +10 O 10 O +loops O loops O +, O , O +after O after O +the O the O +population B-Class_Name population O +executed O executed O +report() B-Function_Name report() O +. O . O + +Also O Also O +after O after O +some O some O +experimentation O experimentation O +, O , O +when O when O +I O I O +excluded O excluded O +all O all O +the O the O +operations O operations O +which O which O +require O require O +dynamic O dynamic O +allocation O allocation O +of O of O +some O some O +sort O sort O +( O ( O +strings B-Data_Type strings O +) O ) O +from O from O +the O the O +report() B-Function_Name report() O +method O method O +, O , O +I O I O +do O do O +not O not O +get O get O +the O the O +error O error O +. O . O + +Conversely O Conversely O +when O when O +I O I O +disable O disable O +the O the O +sorting O sorting O +method O method O +( O ( O +uses O uses O +either O either O +std::sort B-Library_Function std::sort O +or O or O +qSort B-Library_Function qSort O +) O ) O +the O the O +problem O problem O +stops O stops O +. O . O + +Also O Also O +when O when O +I O I O +leave O leave O +the O the O +actions O actions O +done O done O +by O by O +the O the O +temp B-Variable_Name temp O +Population B-Class_Name Population O +, O , O +there O there O +is O is O +no O no O +problem O problem O +. O . O + +So O So O +I O I O +started O started O +to O to O +debug O debug O +the O the O +program O program O +. O . O + +I O I O +let O let O +it O it O +complete O complete O +10 O 10 O +loops O loops O +and O and O +started O started O +to O to O +debug O debug O +step O step O +by O by O +step O step O +. O . O + +I O I O +went O went O +into O into O +Population->evaluate() B-Code_Block Population->evaluate() O +; I-Code_Block ; O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_754 I-Code_Block Q_754 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +} B-Code_Block } O + +debug O debug O +: O : O + +The O The O +addres O addres O +printed O printed O +out O out O +is O is O +0xbffff628 B-Value 0xbffff628 O +. O . O + +This O This O +is O is O +same O same O +as O as O +the O the O +previous O previous O +10 B-Code_Block 10 O +* I-Code_Block * O +population_->members_.count() I-Code_Block population_->members_.count() O +printouts O printouts O +. O . O + +I O I O +go O go O +inside O inside O +the O the O +( B-Code_Block ( O +* I-Code_Block * O +it I-Code_Block it O +) I-Code_Block ) O +-> B-Code_Block -> O +evaluate() I-Code_Block evaluate() O +; I-Code_Block ; O +Here O Here O +I O I O +switch O switch O +to O to O +assembly B-Language assembly O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_755 I-Code_Block Q_755 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +go O go O +inside O inside O +the O the O +call O call O +of O of O +function O function O +at O at O +the O the O +last O last O +instruction O instruction O +. O . O + +At O At O +the O the O +instant O instant O +I O I O +do O do O +this O this O +, O , O +all O all O +the O the O +attributes O attributes O +in O in O +problem_ B-Variable_Name problem_ O +become O become O +not O not O +accessible O accessible O +according O according O +to O to O +my O my O +debugger B-Application debugger O +. O . O + +At O At O +this O this O +point O point O +all O all O +is O is O +lost O lost O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_756 I-Code_Block Q_756 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +debug O debug O +: O : O + +Finally O Finally O +the O the O +address O address O +the O the O +problem_ B-Variable_Name problem_ O +is O is O +pointing O pointing O +at O at O +becomes O becomes O +0xbffff780 B-Value 0xbffff780 O +instead O instead O +of O of O +0xbffff628 B-Value 0xbffff628 O +. O . O + +An O An O +increment O increment O +of O of O +344 B-Value 344 O + +This O This O +happens O happens O +always O always O +. O . O + +The O The O +increment O increment O +is O is O +344 B-Value 344 O +. O . O + +If O If O +I O I O +make O make O +some O some O +minor O minor O +changes O changes O +in O in O +the O the O +program O program O +, O , O +the O the O +address O address O +changes O changes O +, O , O +but O but O +the O the O +difference O difference O +between O between O +these O these O +two O two O +addresses O addresses O +remains O remains O +344 B-Value 344 O +. O . O + +This O This O +is O is O +all O all O +the O the O +more O more O +puzzling O puzzling O +, O , O +since O since O +the O the O +size O size O +of O of O +all O all O +my O my O +three O three O +classes O classes O +is O is O +less O less O +than O than O +100 B-Value 100 O +. O . O + +The O The O +program O program O +crashes O crashes O +inside O inside O +the O the O +void B-Code_Block void O +Problem I-Code_Block Problem O +:: I-Code_Block :: O +evaluate(PopulationMember&)const I-Code_Block evaluate(PopulationMember&)const O +; I-Code_Block ; O +method O method O +as O as O +soon O soon O +as O as O +some O some O +logic O logic O +is O is O +involved O involved O +. O . O + +EDIT O EDIT O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_757 I-Code_Block Q_757 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8988321 O 8988321 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8988321/ O https://stackoverflow.com/questions/8988321/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1104 I-Code_Block A_1104 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +are O are O +copying O copying O +around O around O +Population-instances B-Class_Name Population-instances B-Code_Block +quite O quite O +a O a O +bit O bit O +: O : O +1 O 1 O +. O . O +you O you O +are O are O +returning O returning O +a O a O +local O local O +copy O copy O +by O by O +value O value O +, O , O +2 O 2 O +. O . O +copying O copying O +again O again O +by O by O +assigning O assigning O +into O into O +another O another O +local O local O +with O with O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1105 I-Code_Block A_1105 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +All O All O +these O these O +instances O instances O +get O get O +pointers B-Data_Type pointers O +to O to O +PopulationMember B-Class_Name PopulationMember B-Code_Block +and O and O +ownsMembers_ B-Variable_Name ownsMembers_ B-Code_Block +is O is O +always O always O +set O set O +true B-Value true O +- O - O +this O this O +looks O looks O +quite O quite O +a O a O +bit O bit O +fishy O fishy O +and O and O +you O you O +might O might O +want O want O +to O to O +debug O debug O +with O with O +breakpoints O breakpoints O +in O in O +your O your O +destructors/constructors O destructors/constructors O +to O to O +find O find O +out O out O +the O the O +lifecycle O lifecycle O +of O of O +each O each O +population B-Class_Name population O +and O and O +its O its O +members O members O +. O . O + +EDIT O EDIT O +: O : O +append O append O +method O method O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1106 I-Code_Block A_1106 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +means O means O +that O that O +the O the O +members O members O +to O to O +not O not O +point O point O +to O to O +the O the O +correct O correct O +Population B-Class_Name Population O +anymore O anymore O +! O ! O + +The O The O +value O value O +of O of O +Population& B-Class_Name Population& B-Code_Block +is O is O +stored O stored O +on O on O +stack B-Data_Structure stack O +and O and O +gets O gets O +deleted O deleted O +after O after O +the O the O +for B-Code_Block for B-Code_Block +loop O loop O +ends O ends O +, O , O +but O but O +the O the O +PopulationMembers B-Class_Name PopulationMembers O +still O still O +point O point O +to O to O +these O these O +Populations B-Class_Name Populations O +. O . O + +Edit O Edit O +: O : O +Fix O Fix O + +please O please O +try O try O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1107 I-Code_Block A_1107 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +35329565 O 35329565 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35329565/ O https://stackoverflow.com/questions/35329565/ O + + +I O I O +'ve O 've O +scoured O scoured O +SOF B-Website SOF O +and O and O +google B-Website google O +for O for O +an O an O +answer O answer O +no O no O +joy O joy O + +I O I O +am O am O +able O able O +to O to O +connect O connect O +to O to O +a O a O +database O database O +I O I O +presume O presume O +in O in O +JavaScript B-Language JavaScript O +, O , O +I O I O +wish O wish O +to O to O +populate O populate O +the O the O +results O results O +into O into O +a O a O +HTML B-Language HTML O +forms O forms O +option O option O +field O field O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4333 I-Code_Block Q_4333 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + diff --git a/ner/data/annotated_ner_data/StackOverflow/train_merged_labels.txt b/ner/data/annotated_ner_data/StackOverflow/train_merged_labels.txt new file mode 100644 index 0000000..d82bbc5 --- /dev/null +++ b/ner/data/annotated_ner_data/StackOverflow/train_merged_labels.txt @@ -0,0 +1,180996 @@ +Question_ID O Question_ID O +: O : O +37985879 O 37985879 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37985879/ O https://stackoverflow.com/questions/37985879/ O + + +If O If O +I O I O +would O would O +have O have O +2 O 2 O +tables B-Data_Structure tables O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4780 I-Code_Block Q_4780 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +How O How O +do O do O +I O I O +get O get O +this O this O +result O result O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4781 I-Code_Block Q_4781 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +following O following O +query O query O +needs O needs O +to O to O +be O be O +adjusted O adjusted O +, O , O +but O but O +I O I O +dont O dont O +know O know O +how O how O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4782 I-Code_Block Q_4782 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +SQLFIDDLE B-Application SQLFIDDLE O +: O : O +http://sqlfiddle.com/#!9/11093 O http://sqlfiddle.com/#!9/11093 O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37985879 O 37985879 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37985879/ O https://stackoverflow.com/questions/37985879/ O + + +You O You O +are O are O +very O very O +close O close O +. O . O + +Just O Just O +add O add O +a O a O +where B-Code_Block where B-Code_Block +clause O clause O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5464 I-Code_Block A_5464 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +A O A O +more O more O +traditional O traditional O +approach O approach O +uses O uses O +NOT B-Code_Block NOT B-Code_Block +EXISTS I-Code_Block EXISTS I-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5465 I-Code_Block A_5465 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Here O Here O +is O is O +a O a O +SQL B-Application SQL O +Fiddle I-Application Fiddle O +illustrating O illustrating O +that O that O +the O the O +first O first O +works O works O +. O . O + +Question_ID O Question_ID O +: O : O +25481513 O 25481513 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25481513/ O https://stackoverflow.com/questions/25481513/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +make O make O +a O a O +little O little O +chat O chat O +program O program O +after O after O +reading O reading O +Beej O Beej O +'s O 's O +guide O guide O +to O to O +programming O programming O +. O . O + +And O And O +then O then O +I O I O +was O was O +thinking O thinking O +about O about O +the O the O +basics O basics O +of O of O +the O the O +program O program O +itself O itself O +, O , O +and O and O +I O I O +do O do O +n't O n't O +know O know O +how O how O +to O to O +print O print O +output O output O +of O of O +recv() B-Function recv() O +and O and O +get O get O +input O input O +for O for O +send() B-Function send() O +at O at O +the O the O +same O same O +time O time O +, O , O +because O because O +the O the O +client O client O +can O can O +always O always O +write O write O +something O something O +and O and O +send O send O +, O , O +but O but O +how O how O +is O is O +it O it O +possible O possible O +to O to O +also O also O +print O print O +something O something O +while O while O +he O he O +'s O 's O +trying O trying O +to O to O +input O input O +? O ? O + +I O I O +thought O thought O +about O about O +threads O threads O +, O , O +and O and O +I O I O +learned O learned O +a O a O +little O little O +bit O bit O +about O about O +them O them O +, O , O +and O and O +I O I O +created O created O +2 O 2 O +simple O simple O +threads O threads O +: O : O +The O The O +first O first O +one O one O +, O , O +prints O prints O +a O a O +sentence O sentence O +every O every O +3 O 3 O +seconds O seconds O +, O , O +and O and O +the O the O +second O second O +one O one O +get O get O +input O input O +, O , O +this O this O +little O little O +program O program O +of-course O of-course O +had O had O +a O a O +lot O lot O +of O of O +issues O issues O +, O , O +for O for O +ex O ex O +. O . O + +if O if O +you O you O +started O started O +typing O typing O +, O , O +and O and O +the O the O +other O other O +thread O thread O +needs O needs O +to O to O +print O print O +something O something O +, O , O +it O it O +will O will O +simply O simply O +take O take O +what O what O +you O you O +wrote O wrote O +, O , O +and O and O +print O print O +it O it O +with O with O +itself O itself O +output O output O +. O . O + +Here O Here O +is O is O +the O the O +code O code O +, O , O +I O I O +tried O tried O +to O to O +recreate O recreate O +it O it O +, O , O +I O I O +hope O hope O +you O you O +guys O guys O +can O can O +help O help O +me O me O +. O . O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2894 I-Code_Block Q_2894 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25481513 O 25481513 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25481513/ O https://stackoverflow.com/questions/25481513/ O + + +You O You O +have O have O +undefined O undefined O +behavior O behavior O +in O in O +your O your O +code O code O +: O : O +You O You O +haven O haven O +an O an O +uninitialized O uninitialized O +pointer O pointer O +input B-Function input B-Code_Block +in O in O +getinput B-Function getinput B-Code_Block +. O . O + +Uninitialized O Uninitialized O +( O ( O +non-static B-Data_Type non-static O +) O ) O +local O local O +variables O variables O +have O have O +an O an O +indeterminate O indeterminate O +value O value O +, O , O +and O and O +it O it O +will O will O +seem O seem O +to O to O +be O be O +random O random O +. O . O + +As O As O +the O the O +value O value O +is O is O +indeterminate O indeterminate O +( O ( O +and O and O +seemingly O seemingly O +random O random O +) O ) O +the O the O +scanf B-Function scanf B-Code_Block +call O call O +will O will O +write O write O +to O to O +some O some O +unknown O unknown O +place O place O +in O in O +memory O memory O +, O , O +overwriting O overwriting O +whatever O whatever O +was O was O +there O there O +. O . O + +You O You O +could O could O +easily O easily O +solve O solve O +this O this O +by O by O +making O making O +input B-Function input B-Code_Block +an O an O +array B-Data_Structure array O +. O . O + +Question_ID O Question_ID O +: O : O +40639751 O 40639751 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/40639751/ O https://stackoverflow.com/questions/40639751/ O + + +I O I O +have O have O +a O a O +C# B-Language C# O +/.NET B-Library /.NET O +application O application O +that O that O +, O , O +in O in O +multiple O multiple O +threads O threads O +( O ( O +i.e O i.e O +. O . O +concurrently O concurrently O +, O , O +6 O 6 O +threads O threads O +) O ) O +, O , O +tries O tries O +to O to O +perform O perform O +following O following O +update O update O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5130 I-Code_Block Q_5130 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +is O is O +piece O piece O +of O of O +code O code O +is O is O +run O run O +in O in O +the O the O +transaction O transaction O +. O . O + +Both O Both O +tables O tables O +have O have O +3+mio O 3+mio O +records O records O +. O . O + +Clustered O Clustered O +key O key O +is O is O +on O on O +the O the O +[ O [ O +Id B-Variable Id O +] O ] O +field O field O +, O , O +there O there O +are O are O +some O some O +non-clustered O non-clustered O +indexes O indexes O +as O as O +well O well O +. O . O + +Funny O Funny O +thing O thing O +is O is O +that O that O +I O I O +manually O manually O +checked O checked O +and O and O +in O in O +my O my O +particular O particular O +example O example O +with O with O +3+mio O 3+mio O +records O records O +cWrh B-Variable cWrh O +. O . O + +[ O [ O +Options O Options O +] O ] O +and O and O +cStg B-Variable cStg O +. O . O + +[ O [ O +Options O Options O +] O ] O +are O are O +always O always O +the O the O +same O same O +so O so O +in O in O +the O the O +end O end O +the O the O +update O update O +would O would O +not O not O +be O be O +necessary O necessary O +. O . O + +I O I O +'m O 'm O +attaching O attaching O +the O the O +deadlog O deadlog O +graph B-Data_Structure graph O +, O , O +redacted O redacted O +values O values O +say O say O +DB.wrh.Cars B-Variable DB.wrh.Cars O +: O : O + +Deadlock O Deadlock O +graph B-Data_Structure graph O + +Yes O Yes O +, O , O +in O in O +this O this O +particular O particular O +example O example O +concurrency O concurrency O +is O is O +not O not O +really O really O +adding O adding O +any O any O +value O value O +, O , O +but O but O +this O this O +is O is O +the O the O +" B-Value " O +Reset I-Value Reset O +" I-Value " O +query O query O +; O ; O +the O the O +" B-Value " O +Recalculate I-Value Recalculate O +" I-Value " O +query O query O +which O which O +does O does O +some O some O +[ O [ O +Options O Options O +] O ] O +calculation O calculation O +in O in O +C# B-Language C# O +, O , O +bulk O bulk O +inserts O inserts O +back O back O +into O into O +SQL B-Language SQL O +and O and O +updates O updates O +later O later O +in O in O +a O a O +concurrent O concurrent O +mode O mode O +speeds O speeds O +up O up O +the O the O +thing O thing O +significantly O significantly O +. O . O + +I O I O +would O would O +just O just O +like O like O +to O to O +stick O stick O +to O to O +this O this O +concurrent O concurrent O +approach O approach O +regardless O regardless O +of O of O +the O the O +task O task O +( O ( O +simple O simple O +reset O reset O +vs O vs O +CPU B-Device CPU O +intensive O intensive O +work O work O +) O ) O +if O if O +possible O possible O +. O . O + +Any O Any O +suggestion O suggestion O +how O how O +to O to O +work O work O +around O around O +the O the O +deadlock O deadlock O +is O is O +appreciated O appreciated O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +40639751 O 40639751 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/40639751/ O https://stackoverflow.com/questions/40639751/ O + + +As O As O +suggested O suggested O +by O by O +@KamranFarzami B-User_Name @KamranFarzami O +, O , O +the O the O +answer O answer O +by O by O +@Grantly B-User_Name @Grantly O +solved O solved O +my O my O +problem O problem O +. O . O + +The O The O +point O point O +for O for O +answering O answering O +this O this O +question O question O +goes O goes O +to O to O +them O them O +. O . O + +Transaction O Transaction O +Isolation O Isolation O +Level O Level O +of O of O +SNAPSHOT O SNAPSHOT O +prevents O prevents O +deadlocks O deadlocks O +from O from O +ocurring O ocurring O +. O . O + +Question_ID O Question_ID O +: O : O +29336940 O 29336940 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29336940/ O https://stackoverflow.com/questions/29336940/ O + + +I O I O +am O am O +trying O trying O +to O to O +accomplish O accomplish O +the O the O +following O following O +and O and O +I O I O +do O do O +n't O n't O +know O know O +why O why O +I O I O +am O am O +struggling O struggling O +. O . O + +Create O Create O +a O a O +new O new O +fiddle O fiddle O +that O that O +contains O contains O +a O a O +button B-User_Interface_Element button O +with O with O +the O the O +text O text O +" B-Value " O +x2 I-Value x2 O +" I-Value " O +and O and O +the O the O +number O number O +1 B-Value 1 O +like O like O +this O this O +: O : O + +1 B-Value 1 O +x2 I-Value x2 O + +Use O Use O +Javascript B-Language Javascript O +to O to O +make O make O +it O it O +so O so O +that O that O +each O each O +time O time O +the O the O +button B-User_Interface_Element button O +is O is O +clicked O clicked O +, O , O +the O the O +number O number O +above O above O +the O the O +x2 B-Value x2 O +button B-User_Interface_Element button O +will O will O +double O double O +. O . O + +Send O Send O +me O me O +the O the O +link O link O +to O to O +the O the O +fiddle B-Application fiddle O +. O . O + +Here O Here O +is O is O +what O what O +I O I O +have O have O +thus O thus O +far O far O +. O . O + +I O I O +know O know O +I O I O +am O am O +targeting O targeting O +the O the O +button B-User_Interface_Element button O +via O via O +JS B-Language JS O +but O but O +I O I O +cannot O cannot O +figure O figure O +out O out O +how O how O +to O to O +return O return O +the O the O +updated O updated O +value O value O +when O when O +the O the O +x2 B-Value x2 O +button B-User_Interface_Element button O +is O is O +clicked O clicked O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3492 I-Code_Block Q_3492 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +29336940 O 29336940 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29336940/ O https://stackoverflow.com/questions/29336940/ O + + +Try O Try O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4141 I-Code_Block A_4141 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +29336940 O 29336940 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29336940/ O https://stackoverflow.com/questions/29336940/ O + + +Look O Look O +at O at O +what O what O +this O this O +code O code O +is O is O +doing O doing O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4140 I-Code_Block A_4140 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +are O are O +multiplying O multiplying O +an O an O +element O element O +by O by O +two O two O +, O , O +you O you O +are O are O +NOT O NOT O +reading O reading O +the O the O +text O text O +. O . O + +You O You O +want O want O +to O to O +use O use O +innerHTML B-Function innerHTML B-Code_Block +or O or O +textContent B-Function textContent B-Code_Block +. O . O + +That O That O +returns O returns O +a O a O +string B-Data_Type string O +, O , O +so O so O +you O you O +want O want O +to O to O +use O use O +parseInt() B-Function parseInt() B-Code_Block +or O or O +parseFloat() B-Function parseFloat() B-Code_Block +. O . O + +Question_ID O Question_ID O +: O : O +31336417 O 31336417 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31336417/ O https://stackoverflow.com/questions/31336417/ O + + +If O If O +we O we O +override O override O +parent O parent O +class O class O +'s O 's O +method O method O +, O , O +we O we O +can O can O +use O use O +super() B-Function super() B-Code_Block +to O to O +avoid O avoid O +mention O mention O +of O of O +parent O parent O +class O class O +'s O 's O +name O name O +- O - O +that O that O +'s O 's O +clear O clear O +. O . O + +But O But O +what O what O +about O about O +case O case O +, O , O +when O when O +we O we O +just O just O +use O use O +in O in O +subclass O subclass O +some O some O +function O function O +defined O defined O +in O in O +parent O parent O +class O class O +? O ? O + +What O What O +is O is O +preferable O preferable O +way O way O +: O : O +to O to O +use O use O +super().parent_method() B-Function super().parent_method() B-Code_Block +or O or O +self.parent_method() B-Function self.parent_method() B-Code_Block +? O ? O + +Or O Or O +there O there O +'s O 's O +no O no O +difference O difference O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3770 I-Code_Block Q_3770 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +31336417 O 31336417 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31336417/ O https://stackoverflow.com/questions/31336417/ O + + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +actually O actually O +super() B-Function super() B-Code_Block +is O is O +not O not O +syntactic O syntactic O +sugar O sugar O +, O , O +its O its O +purpose O purpose O +is O is O +to O to O +invoke O invoke O +parent O parent O +implementation O implementation O +of O of O +a O a O +certain O certain O +method O method O +. O . O + +You O You O +have O have O +to O to O +use O use O +super() B-Function super() B-Code_Block +when O when O +you O you O +want O want O +to O to O +override O override O +a O a O +parent O parent O +method O method O +, O , O +you O you O +do O do O +n't O n't O +have O have O +to O to O +use O use O +super() B-Function super() B-Code_Block +when O when O +instead O instead O +you O you O +want O want O +to O to O +overwrite O overwrite O +a O a O +method O method O +. O . O + +The O The O +difference O difference O +is O is O +that O that O +in O in O +the O the O +first O first O +case O case O +you O you O +want O want O +to O to O +add O add O +extra O extra O +behavior O behavior O +( O ( O +aka O aka O +code O code O +execution O execution O +) O ) O +before O before O +or O or O +after O after O +the O the O +original O original O +implementation O implementation O +, O , O +in O in O +the O the O +second O second O +you O you O +want O want O +a O a O +completely O completely O +different O different O +implementation O implementation O +. O . O + +You O You O +ca O ca O +n't O n't O +use O use O +self.method_name() B-Function self.method_name() B-Code_Block +in O in O +an O an O +override O override O +, O , O +the O the O +result O result O +will O will O +be O be O +a O a O +recursion O recursion O +error O error O +! O ! O + +( O ( O +RuntimeError B-Error_Name RuntimeError B-Code_Block +: O : I-Code_Block +maximum O maximum I-Code_Block +recursion O recursion I-Code_Block +depth O depth I-Code_Block +exceeded O exceeded I-Code_Block +) O ) O + +Example O Example O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4468 I-Code_Block A_4468 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Given O Given O +a O a O +base O base O +class O class O +A B-Class A B-Code_Block +, O , O +with O with O +a O a O +method O method O +m B-Function m B-Code_Block +, O , O +B B-Class B B-Code_Block +extends O extends O +A B-Class A B-Code_Block +by O by O +overriding O overriding O +m B-Function m B-Code_Block +, O , O +C B-Class C B-Code_Block +extends O extends O +A B-Class A B-Code_Block +by O by O +overwriting O overwriting O +m B-Function m B-Code_Block +, O , O +and O and O +D B-Class D B-Code_Block +generates O generates O +an O an O +error O error O +! O ! O + +EDIT O EDIT O +: O : O + +I O I O +just O just O +realized O realized O +that O that O +you O you O +actually O actually O +have O have O +2 O 2 O +different O different O +methods O methods O +( O ( O +test_a B-Function test_a B-Code_Block +and O and O +test_b B-Function test_b B-Code_Block +) O ) O +. O . O + +My O My O +answer O answer O +is O is O +still O still O +valid O valid O +, O , O +but O but O +regarding O regarding O +your O your O +specific O specific O +scenario O scenario O +: O : O + +you O you O +should O should O +use O use O +self.test_a() B-Function self.test_a() B-Code_Block +unless O unless O +you O you O +override/overwrite O override/overwrite O +that O that O +method O method O +in O in O +your O your O +class O class O +B B-Class B O +and O and O +you O you O +want O want O +to O to O +execute O execute O +the O the O +original O original O +implementation. O implementation. O +. O . O +so O so O +we O we O +can O can O +say O say O +that O that O +calling O calling O +super().test_a() B-Function super().test_a() B-Code_Block +or O or O +self.test_a() B-Function self.test_a() B-Code_Block +it O it O +'s O 's O +the O the O +same O same O +given O given O +that O that O +you O you O +'ll O 'll O +never O never O +override/overwrite O override/overwrite O +the O the O +original O original O +test_a() B-Function test_a() B-Code_Block +in O in O +your O your O +subclasses. O subclasses. O +. O . O +however O however O +is O is O +a O a O +nonsense O nonsense O +to O to O +use O use O +super() B-Function super() B-Code_Block +if O if O +not O not O +for O for O +an O an O +override/overwrite O override/overwrite O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +31336417 O 31336417 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31336417/ O https://stackoverflow.com/questions/31336417/ O + + +Usually O Usually O +you O you O +will O will O +want O want O +to O to O +use O use O +self.test_a() B-Function self.test_a() B-Code_Block +to O to O +call O call O +an O an O +inherited O inherited O +method O method O +. O . O + +However O However O +, O , O +in O in O +some O some O +rare O rare O +situations O situations O +you O you O +might O might O +want O want O +to O to O +use O use O +super().test_a() B-Function super().test_a() B-Code_Block +even O even O +though O though O +it O it O +seems O seems O +to O to O +do O do O +the O the O +same O same O +thing O thing O +. O . O + +They O They O +'re O 're O +not O not O +equivalent O equivalent O +, O , O +even O even O +though O though O +they O they O +have O have O +the O the O +same O same O +behavior O behavior O +in O in O +your O your O +example O example O +. O . O + +To O To O +explore O explore O +the O the O +differences O differences O +, O , O +lets O lets O +make O make O +two O two O +versions O versions O +of O of O +your O your O +B B-Class B B-Code_Block +class O class O +, O , O +one O one O +with O with O +each O each O +kind O kind O +of O of O +call O call O +, O , O +then O then O +make O make O +two O two O +C B-Class C B-Code_Block +classes O classes O +that O that O +further O further O +extend O extend O +the O the O +B B-Class B B-Code_Block +classes O classes O +and O and O +override O override O +test_a B-Function test_a B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4469 I-Code_Block A_4469 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +When O When O +you O you O +call O call O +the O the O +test_b() B-Function test_b() B-Code_Block +method O method O +on O on O +C1 B-Class C1 B-Code_Block +and O and O +C2 B-Class C2 B-Code_Block +instances O instances O +you O you O +'ll O 'll O +get O get O +different O different O +results O results O +, O , O +even O even O +though O though O +B1 B-Class B1 B-Code_Block +and O and O +B2 B-Class B2 B-Code_Block +behave O behave O +the O the O +same O same O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4470 I-Code_Block A_4470 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +is O is O +because O because O +the O the O +super() B-Function super() B-Code_Block +call O call O +in O in O +B2.test_b B-Function B2.test_b B-Code_Block +tells O tells O +Python B-Language Python O +that O that O +you O you O +want O want O +to O to O +skip O skip O +the O the O +version O version O +of O of O +test_a B-Function test_a B-Code_Block +in O in O +any O any O +more O more O +derived O derived O +class O class O +and O and O +always O always O +call O call O +an O an O +implementation O implementation O +from O from O +a O a O +parent O parent O +class O class O +. O . O + +( O ( O +Actually O Actually O +, O , O +I O I O +suppose O suppose O +it O it O +could O could O +be O be O +a O a O +sibling O sibling O +class O class O +in O in O +a O a O +multiple O multiple O +inheritance O inheritance O +situation O situation O +, O , O +but O but O +that O that O +'s O 's O +getting O getting O +even O even O +more O more O +obscure O obscure O +. O . O +) O ) O + +Like O Like O +I O I O +said O said O +at O at O +the O the O +top O top O +, O , O +you O you O +usually O usually O +want O want O +to O to O +allow O allow O +a O a O +more-derived O more-derived O +class O class O +like O like O +the O the O +Cs B-Class Cs B-Code_Block +to O to O +override O override O +the O the O +behavior O behavior O +of O of O +the O the O +inherited O inherited O +methods O methods O +you O you O +'re O 're O +calling O calling O +in O in O +your O your O +less-derived O less-derived O +class O class O +. O . O + +That O That O +means O means O +that O that O +most O most O +of O of O +the O the O +time O time O +using O using O +self.whatever B-Code_Block self.whatever B-Code_Block +is O is O +the O the O +way O way O +to O to O +go O go O +. O . O + +You O You O +only O only O +need O need O +to O to O +use O use O +super B-Function super B-Code_Block +when O when O +you O you O +'re O 're O +doing O doing O +something O something O +fancy O fancy O +. O . O + +Question_ID O Question_ID O +: O : O +37527241 O 37527241 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37527241/ O https://stackoverflow.com/questions/37527241/ O + + +I O I O +'d O 'd O +like O like O +to O to O +change O change O +an O an O +object O object O +'s O 's O +parameter O parameter O +, O , O +but O but O +I O I O +like O like O +to O to O +decide O decide O +later O later O +about O about O +what O what O +'s O 's O +the O the O +parameter O parameter O +that O that O +should O should O +change O change O +. O . O + +I O I O +'m O 'm O +thinking O thinking O +to O to O +make O make O +a O a O +function O function O +for O for O +that O that O +, O , O +but O but O +do O do O +n't O n't O +know O know O +how O how O +. O . O + +Here O Here O +'s O 's O +a O a O +sample O sample O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4704 I-Code_Block Q_4704 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +How O How O +to O to O +make O make O +a O a O +function O function O +that O that O +returns O returns O +what O what O +'s O 's O +the O the O +parameter O parameter O +of O of O +an O an O +object O object O +that O that O +needs O needs O +to O to O +be O be O +changed O changed O +? O ? O + +Alternatively O Alternatively O +, O , O +how O how O +to O to O +choose O choose O +which O which O +parameter O parameter O +to O to O +change O change O +? O ? O + +( O ( O +I O I O +.. O .. O +thought O thought O +about O about O +switch B-Code_Block switch B-Code_Block +statement O statement O +. O . O + +Is O Is O +a O a O +good O good O +direction O direction O +? O ? O +) O ) O + +I O I O +'m O 'm O +pretty O pretty O +sure O sure O +that O that O +'s O 's O +something O something O +that O that O +has O has O +already O already O +been O been O +discussed O discussed O +on O on O +internet O internet O +. O . O + +I O I O +'ve O 've O +read O read O +everything O everything O +about O about O +functions O functions O +and O and O +could O could O +n't O n't O +find O find O +the O the O +solution O solution O +, O , O +so O so O +I O I O +guess O guess O +I O I O +'m O 'm O +searching O searching O +using O using O +wrong O wrong O +keywords O keywords O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37527241 O 37527241 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37527241/ O https://stackoverflow.com/questions/37527241/ O + + +If O If O +Carinherits B-Variable Carinherits B-Code_Block +from O from O +NSObject B-Class NSObject B-Code_Block +you O you O +get O get O +key-value-coding O key-value-coding O +for O for O +free O free O +and O and O +can O can O +change O change O +the O the O +value O value O +with O with O +setValue:forKey B-Code_Block setValue:forKey B-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5402 I-Code_Block A_5402 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37527241 O 37527241 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37527241/ O https://stackoverflow.com/questions/37527241/ O + + +You O You O +do O do O +n't O n't O +need O need O +to O to O +create O create O +a O a O +function O function O +you O you O +can O can O +use O use O +KVC O KVC O +like O like O +this O this O +after O after O +you O you O +inherit O inherit O +from O from O +NSObject B-Class NSObject B-Code_Block +, O , O +or O or O +you O you O +can O can O +make O make O +a O a O +new O new O +func O func O +that O that O +guards O guards O +again O again O +bad O bad O +property O property O +names O names O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5400 I-Code_Block A_5400 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Keep O Keep O +in O in O +mind O mind O +that O that O +this O this O +code O code O +will O will O +crash O crash O +if O if O +you O you O +enter O enter O +bad O bad O +property O property O +names O names O +. O . O + +Hope O Hope O +this O this O +answers O answers O +your O your O +question O question O +. O . O + +Question_ID O Question_ID O +: O : O +26585170 O 26585170 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26585170/ O https://stackoverflow.com/questions/26585170/ O + + +I O I O +have O have O +been O been O +using O using O +haskell B-Language haskell O +for O for O +a O a O +while O while O +now O now O +. O . O + +I O I O +understand O understand O +most/some O most/some O +of O of O +the O the O +concepts O concepts O +but O but O +I O I O +still O still O +do O do O +not O not O +understand O understand O +, O , O +what O what O +exactly O exactly O +does O does O +haskells B-Language haskells O +type O type O +system O system O +allow O allow O +me O me O +to O to O +do O do O +that O that O +I O I O +cannot O cannot O +do O do O +in O in O +another O another O +statically O statically O +typed O typed O +language O language O +. O . O + +I O I O +just O just O +intuitively O intuitively O +know O know O +that O that O +haskells B-Language haskells O +type O type O +system O system O +is O is O +better O better O +in O in O +every O every O +imaginable O imaginable O +way O way O +compared O compared O +to O to O +the O the O +type O type O +system O system O +in O in O +C B-Language C O +, O , O +C++ B-Language C++ O +or O or O +java B-Language java O +, O , O +but O but O +I O I O +ca O ca O +n't O n't O +explain O explain O +it O it O +logically O logically O +, O , O +primarily O primarily O +because O because O +of O of O +a O a O +lack O lack O +of O of O +in O in O +depth O depth O +knowledge O knowledge O +about O about O +the O the O +differences O differences O +in O in O +type O type O +systems O systems O +between O between O +haskell B-Language haskell O +and O and O +other O other O +statically O statically O +typed O typed O +languages O languages O +. O . O + +Could O Could O +someone O someone O +give O give O +me O me O +examples O examples O +of O of O +how O how O +haskells B-Language haskells O +type O type O +system O system O +is O is O +more O more O +helpful O helpful O +compared O compared O +to O to O +a O a O +language O language O +with O with O +a O a O +static B-Data_Type static O +type O type O +system O system O +. O . O + +Examples O Examples O +, O , O +that O that O +are O are O +terse O terse O +and O and O +can O can O +be O be O +succinctly O succinctly O +expressed O expressed O +would O would O +be O be O +nice O nice O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +26585170 O 26585170 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26585170/ O https://stackoverflow.com/questions/26585170/ O + + +The O The O +Haskell B-Language Haskell O +type O type O +system O system O +has O has O +a O a O +number O number O +of O of O +features O features O +which O which O +all O all O +exist O exist O +in O in O +other O other O +languages O languages O +, O , O +but O but O +are O are O +rarely O rarely O +combined O combined O +within O within O +a O a O +single O single O +, O , O +consistent O consistent O +language O language O +: O : O + +it O it O +is O is O +a O a O +sound O sound O +, O , O +static B-Data_Type static O +type O type O +system O system O +, O , O +meaning O meaning O +that O that O +a O a O +number O number O +of O of O +errors O errors O +are O are O +guaranteed O guaranteed O +not O not O +to O to O +happen O happen O +at O at O +runtime O runtime O +without O without O +needing O needing O +runtime O runtime O +type O type O +checks O checks O +( O ( O +this O this O +is O is O +also O also O +the O the O +case O case O +in O in O +Caml B-Language Caml O +, O , O +SML B-Language SML O +and O and O +almost O almost O +the O the O +case O case O +in O in O +Java B-Language Java O +, O , O +but O but O +not O not O +in O in O +, O , O +say O say O +, O , O +Lisp B-Language Lisp O +, O , O +Python B-Language Python O +, O , O +C B-Language C O +, O , O +or O or O +C++ B-Language C++ O +) O ) O +; O ; O + +it O it O +peforms O peforms O +static B-Data_Type static O +type O type O +reconstruction O reconstruction O +, O , O +meaning O meaning O +that O that O +the O the O +programmer O programmer O +does O does O +n't O n't O +need O need O +to O to O +write O write O +types O types O +unless O unless O +he O he O +wants O wants O +to O to O +, O , O +the O the O +compiler B-Application compiler O +will O will O +reconstruct O reconstruct O +them O them O +on O on O +its O its O +own O own O +( O ( O +this O this O +is O is O +also O also O +the O the O +case O case O +in O in O +Caml B-Language Caml O +and O and O +SML B-Language SML O +, O , O +but O but O +not O not O +in O in O +Java B-Language Java O +or O or O +C B-Language C O +) O ) O +; O ; O + +it O it O +supports O supports O +impredicative O impredicative O +polymorphism O polymorphism O +( O ( O +type O type O +variables O variables O +) O ) O +, O , O +even O even O +at O at O +higher O higher O +kinds O kinds O +( O ( O +unlike O unlike O +Caml B-Language Caml O +and O and O +SML B-Language SML O +, O , O +or O or O +any O any O +other O other O +production-ready O production-ready O +language O language O +known O known O +to O to O +me O me O +) O ) O +; O ; O + +it O it O +has O has O +good O good O +support O support O +for O for O +overloading O overloading O +( O ( O +type O type O +classes O classes O +) O ) O +( O ( O +unlike O unlike O +Caml B-Language Caml O +and O and O +SML B-Language SML O +) O ) O +. O . O + +Whether O Whether O +any O any O +of O of O +those O those O +make O make O +Haskell B-Language Haskell O +a O a O +better O better O +language O language O +is O is O +open O open O +to O to O +discussion O discussion O +— O — O +for O for O +example O example O +, O , O +while O while O +I O I O +happen O happen O +to O to O +like O like O +type O type O +classes O classes O +a O a O +lot O lot O +, O , O +I O I O +know O know O +quite O quite O +a O a O +few O few O +Caml B-Language Caml O +programmers O programmers O +who O who O +strongly O strongly O +dislike O dislike O +overloading O overloading O +and O and O +prefer O prefer O +to O to O +use O use O +the O the O +module O module O +system O system O +. O . O + +On O On O +the O the O +other O other O +hand O hand O +, O , O +the O the O +Haskell B-Language Haskell O +type O type O +system O system O +lacks O lacks O +a O a O +few O few O +features O features O +that O that O +other O other O +languages O languages O +support O support O +elegantly O elegantly O +: O : O + +it O it O +has O has O +no O no O +support O support O +for O for O +runtime O runtime O +dispatch O dispatch O +( O ( O +unlike O unlike O +Java B-Language Java O +, O , O +Lisp B-Language Lisp O +, O , O +and O and O +Julia B-Language Julia O +) O ) O +; O ; O + +it O it O +has O has O +no O no O +support O support O +for O for O +existential O existential O +types O types O +and O and O +GADTs O GADTs O +( O ( O +these O these O +are O are O +both O both O +GHC O GHC O +extensions O extensions O +) O ) O +; O ; O + +it O it O +has O has O +no O no O +support O support O +for O for O +dependent O dependent O +types O types O +( O ( O +unlike O unlike O +Coq B-Language Coq O +, O , O +Agda B-Language Agda O +and O and O +Idris B-Language Idris O +) O ) O +. O . O + +Again O Again O +, O , O +whether O whether O +any O any O +of O of O +these O these O +are O are O +desirable O desirable O +features O features O +in O in O +a O a O +general-purpose O general-purpose O +programming O programming O +language O language O +is O is O +open O open O +to O to O +discussion O discussion O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +26585170 O 26585170 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26585170/ O https://stackoverflow.com/questions/26585170/ O + + +One O One O +major O major O +difference O difference O +between O between O +Haskell B-Language Haskell O +'s O 's O +type O type O +system O system O +and O and O +that O that O +of O of O +most O most O +OO O OO O +languages O languages O +is O is O +that O that O +the O the O +ability O ability O +for O for O +a O a O +function O function O +to O to O +have O have O +side O side O +effects O effects O +is O is O +represented O represented O +by O by O +a O a O +data O data O +type O type O +( O ( O +a O a O +monad B-Data_Type monad O +such O such O +as O as O +IO B-Data_Type IO B-Code_Block +) O ) O +. O . O + +This O This O +allows O allows O +you O you O +to O to O +write O write O +pure O pure O +functions O functions O +that O that O +the O the O +compiler B-Application compiler O +can O can O +verify O verify O +are O are O +side-effect-free O side-effect-free O +and O and O +referentially O referentially O +transparent O transparent O +, O , O +which O which O +generally O generally O +means O means O +that O that O +they O they O +'re O 're O +easier O easier O +to O to O +understand O understand O +and O and O +less O less O +prone O prone O +to O to O +bugs O bugs O +. O . O + +It O It O +'s O 's O +possible O possible O +to O to O +write O write O +side-effect-free O side-effect-free O +code O code O +in O in O +other O other O +languages O languages O +, O , O +but O but O +you O you O +do O do O +n't O n't O +have O have O +the O the O +compiler B-Application compiler O +'s O 's O +help O help O +in O in O +doing O doing O +so O so O +. O . O + +Haskell B-Language Haskell O +makes O makes O +you O you O +think O think O +more O more O +carefully O carefully O +about O about O +which O which O +parts O parts O +of O of O +your O your O +program O program O +need O need O +to O to O +have O have O +side O side O +effects O effects O +( O ( O +such O such O +as O as O +I/O B-Data_Type I/O O +or O or O +mutable B-Data_Type mutable O +variables O variables O +) O ) O +and O and O +which O which O +parts O parts O +should O should O +be O be O +pure O pure O +. O . O + +Also O Also O +, O , O +although O although O +it O it O +'s O 's O +not O not O +quite O quite O +part O part O +of O of O +the O the O +type O type O +system O system O +itself O itself O +, O , O +the O the O +fact O fact O +that O that O +function O function O +definitions O definitions O +in O in O +Haskell B-Language Haskell O +are O are O +expressions O expressions O +( O ( O +rather O rather O +than O than O +lists O lists O +of O of O +statements O statements O +) O ) O +means O means O +that O that O +more O more O +of O of O +the O the O +code O code O +is O is O +subject O subject O +to O to O +type-checking O type-checking O +. O . O + +In O In O +languages O languages O +like O like O +C++ B-Language C++ O +and O and O +Java B-Language Java O +, O , O +it O it O +'s O 's O +often O often O +possible O possible O +to O to O +introduce O introduce O +logic O logic O +errors O errors O +by O by O +writing O writing O +statements O statements O +in O in O +the O the O +wrong O wrong O +order O order O +, O , O +since O since O +the O the O +compiler B-Application compiler O +does O does O +n't O n't O +have O have O +a O a O +way O way O +to O to O +determine O determine O +that O that O +one O one O +statement O statement O +must O must O +precede O precede O +another O another O +. O . O + +For O For O +example O example O +, O , O +you O you O +might O might O +have O have O +one O one O +line O line O +that O that O +modifies O modifies O +an O an O +object O object O +'s O 's O +state O state O +, O , O +and O and O +another O another O +line O line O +that O that O +does O does O +something O something O +important O important O +based O based O +on O on O +that O that O +state O state O +, O , O +and O and O +it O it O +'s O 's O +up O up O +to O to O +you O you O +to O to O +ensure O ensure O +that O that O +these O these O +things O things O +happen O happen O +in O in O +the O the O +correct O correct O +order O order O +. O . O + +In O In O +Haskell B-Language Haskell O +, O , O +this O this O +kind O kind O +of O of O +ordering O ordering O +dependency O dependency O +tends O tends O +to O to O +be O be O +expressed O expressed O +through O through O +function O function O +composition O composition O +— O — O +e.g O e.g O +. O . O +f B-Function f B-Code_Block +( I-Function ( I-Code_Block +g I-Function g I-Code_Block +x I-Function x I-Code_Block +) I-Function ) I-Code_Block +means O means O +that O that O +g B-Function g B-Code_Block +must O must O +run O run O +first O first O +— O — O +and O and O +the O the O +compiler B-Application compiler O +can O can O +check O check O +the O the O +return O return O +type O type O +of O of O +g B-Function g B-Code_Block +against O against O +the O the O +argument O argument O +type O type O +of O of O +f B-Function f B-Code_Block +to O to O +make O make O +sure O sure O +you O you O +have O have O +n't O n't O +composed O composed O +them O them O +the O the O +wrong O wrong O +way O way O +. O . O + +Question_ID O Question_ID O +: O : O +32560750 O 32560750 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32560750/ O https://stackoverflow.com/questions/32560750/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3953 I-Code_Block Q_3953 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +https://www.youtube.com/watch?v=XPpsI8mWKmg O https://www.youtube.com/watch?v=XPpsI8mWKmg O + +This O This O +video B-User_Interface_Element video O +has O has O +closed O closed O +captions O captions O +. O . O + +However O However O +, O , O +response O response O +always O always O +returns O returns O +isCC B-Code_Block isCC B-Code_Block += I-Code_Block = I-Code_Block +false I-Code_Block false I-Code_Block +. O . O + +It O It O +happens O happens O +with O with O +more O more O +videos B-User_Interface_Element videos O +as O as O +well O well O +. O . O + +Can O Can O +anyone O anyone O +tell O tell O +me O me O +why O why O +? O ? O + +https://developers.google.com/youtube/v3/docs/captions O https://developers.google.com/youtube/v3/docs/captions O + +This O This O +is O is O +the O the O +response O response O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3954 I-Code_Block Q_3954 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Thank O Thank O +you O you O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +32560750 O 32560750 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32560750/ O https://stackoverflow.com/questions/32560750/ O + + +I O I O +tried O tried O +to O to O +set O set O +closed O closed O +captions O captions O +for O for O +my O my O +own O own O +video B-User_Interface_Element video O +and O and O +got O got O +the O the O +same O same O +result O result O +. O . O + +I O I O +believe O believe O +that O that O +in O in O +the O the O +player O player O +, O , O +the O the O +" O " O +CC B-User_Interface_Element CC O +" O " O +you O you O +see O see O +is O is O +actually O actually O +referring O referring O +to O to O +subtitles O subtitles O +. O . O + +There O There O +'s O 's O +an O an O +important O important O +distinction O distinction O +between O between O +subtitles O subtitles O +and O and O +closed O closed O +captioning O captioning O +( O ( O +see O see O +here O here O +and O and O +here O here O +) O ) O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +. O . O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Therefore O Therefore O +, O , O +I O I O +believe O believe O +isCC B-Variable isCC B-Code_Block +will O will O +only O only O +be O be O +true O true B-Code_Block +for O for O +videos B-User_Interface_Element videos O +that O that O +include O include O +this O this O +kind O kind O +of O of O +captioning O captioning O +intended O intended O +for O for O +people O people O +who O who O +might O might O +not O not O +be O be O +able O able O +to O to O +hear O hear O +what O what O +'s O 's O +happening O happening O +in O in O +the O the O +video B-User_Interface_Element video O +, O , O +as O as O +opposed O opposed O +to O to O +just O just O +general O general O +captions O captions O +that O that O +people O people O +can O can O +put O put O +onto O onto O +their O their O +videos B-User_Interface_Element videos O +. O . O + +I O I O +think O think O +that O that O +in O in O +almost O almost O +all O all O +cases O cases O +, O , O +only O only O +high O high O +quality O quality O +, O , O +paid O paid O +movies O movies O +on O on O +YouTube B-Website YouTube O +will O will O +have O have O +these O these O +kinds O kinds O +of O of O +captions O captions O +. O . O + +In O In O +that O that O +sense O sense O +, O , O +the O the O +isCC B-Variable isCC B-Code_Block +property O property O +works O works O +the O the O +way O way O +it O it O +'s O 's O +supposed O supposed O +to O to O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +32560750 O 32560750 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32560750/ O https://stackoverflow.com/questions/32560750/ O + + +I O I O +think O think O +the O the O +problem O problem O +might O might O +be O be O +in O in O +your O your O +syntax O syntax O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4650 I-Code_Block A_4650 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +or O or O +maybe O maybe O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4651 I-Code_Block A_4651 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +dont O dont O +have O have O +much O much O +experience O experience O +with O with O +the O the O +youtube B-Library youtube O +api I-Library api O +but O but O +checking O checking O +out O out O +the O the O +documentation O documentation O +I O I O +found O found O +code O code O +above O above O +. O . O + +Question_ID O Question_ID O +: O : O +32177557 O 32177557 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32177557/ O https://stackoverflow.com/questions/32177557/ O + + +I O I O +am O am O +learning O learning O +Collection B-Library Collection O +Framework I-Library Framework O +on O on O +this O this O +website O website O +: O : O +http://way2java.com/collections/hashtable-about/ O http://way2java.com/collections/hashtable-about/ O +. O . O + +After O After O +reading O reading O +all O all O +the O the O +methods O methods O +of O of O +Hashtable B-Class Hashtable B-Code_Block +I O I O +see O see O +two O two O +methods O methods O +to O to O +access O access O +the O the O +table O table O +'s O 's O +keys O keys O +: O : O + +Set B-Function Set B-Code_Block +keys() I-Function keys() I-Code_Block +: O : O +Returns O Returns O +a O a O +Set B-Class Set B-Code_Block +object O object O +containing O containing O +all O all O +the O the O +keys O keys O + +Set B-Function Set B-Code_Block +keySet() I-Function keySet() I-Code_Block +: O : O +Returns O Returns O +a O a O +Set B-Class Set B-Code_Block +object O object O +containing O containing O +all O all O +the O the O +keys O keys O +of O of O +Hashtable B-Class Hashtable B-Code_Block +. O . O + +One O One O +similarity O similarity O +is O is O +Hashtable B-Class Hashtable B-Code_Block +and O and O +Set B-Class Set B-Code_Block +does O does O +not O not O +allow O allow O +duplicates O duplicates O +. O . O + +Adding O Adding O +and O and O +removing O removing O +elements O elements O +in O in O +Set B-Class Set B-Code_Block +also O also O +reflects O reflects O +in O in O +Hashtable B-Class Hashtable B-Code_Block + +Both O Both O +of O of O +them O them O +return O return O +a O a O +Set B-Class Set B-Code_Block +object O object O +. O . O + +I O I O +do O do O +n't O n't O +see O see O +the O the O +different O different O +between O between O +them O them O +. O . O + +Anyone O Anyone O +can O can O +tell O tell O +me O me O +about O about O +this O this O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +32177557 O 32177557 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32177557/ O https://stackoverflow.com/questions/32177557/ O + + +keys() B-Function keys() B-Code_Block +does O does O +n't O n't O +return O return O +a O a O +Set B-Class Set B-Code_Block +, O , O +it O it O +returns O returns O +an O an O +Enumeration B-Code_Block Enumeration B-Code_Block +. O . O + +Hashtable B-Class Hashtable B-Code_Block +is O is O +a O a O +very O very O +legacy O legacy O +class O class O +no O no O +longer O longer O +recommended O recommended O +for O for O +use O use O +. O . O + +It O It O +is O is O +replaced O replaced O +by O by O +HashMap B-Class HashMap B-Code_Block +, O , O +or O or O +ConcurrentHashMap B-Class ConcurrentHashMap B-Code_Block +† O † O +. O . O + +It O It O +existed O existed O +before O before O +the O the O +JCF B-Library JCF O +did O did O +, O , O +therefore O therefore O +the O the O +standard O standard O +way O way O +to O to O +get O get O +to O to O +the O the O +keys B-Class keys O +at O at O +the O the O +start O start O +was O was O +through O through O +an O an O +Enumeration B-Class Enumeration B-Code_Block +- O - O +the O the O +original O original O +Java B-Language Java O +interface O interface O +for O for O +moving O moving O +through O through O +a O a O +collection O collection O +of O of O +objects O objects O +. O . O + +Then O Then O +came O came O +Java B-Language Java O +1.2 B-Version 1.2 O +, O , O +and O and O +the O the O +JCF B-Library JCF O +. O . O + +Hashtable B-Class Hashtable B-Code_Block +was O was O +retrofitted O retrofitted O +for O for O +the O the O +Map O Map B-Code_Block +interface O interface O +with O with O +the O the O +keySet() B-Function keySet() B-Code_Block +method O method O +that O that O +returned O returned O +a O a O +Set B-Class Set B-Code_Block +( O ( O +also O also O +introduced O introduced O +with O with O +the O the O +JCF B-Library JCF O +) O ) O +. O . O + +The O The O +keys B-Variable keys B-Code_Block +method O method O +was O was O +retained O retained O +for O for O +legacy O legacy O +compatibility O compatibility O +reasons O reasons O +. O . O + +The O The O +Set B-Class Set B-Code_Block +returned O returned O +from O from O +the O the O +new O new O +method O method O +achieves O achieves O +two O two O +things O things O +: O : O + +conveys O conveys O +intent O intent O +- O - O +it O it O +reinforces O reinforces O +the O the O +fact O fact O +that O that O +the O the O +keys O keys O +of O of O +a O a O +Hashtable B-Class Hashtable B-Code_Block +are O are O +a O a O +mathematical O mathematical O +set O set O + +implements O implements O +Iterable B-Class Iterable B-Code_Block +, I-Class , I-Code_Block +which O which O +replaces O replaces O +Enumerable B-Class Enumerable B-Code_Block + +† O † O +From O From O +the O the O +Hashtable B-Class Hashtable B-Code_Block +documentation I-Class documentation I-Code_Block +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +32177557 O 32177557 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32177557/ O https://stackoverflow.com/questions/32177557/ O + + +The O The O +method O method O +keys() B-Function keys() O +in O in O +Hashtable B-Class Hashtable O +actually O actually O +return O return O +Enumeration B-Class Enumeration O +of O of O +keys O keys O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4605 I-Code_Block A_4605 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Returns O Returns O +an O an O +enumeration B-Class enumeration O +of O of O +the O the O +keys O keys O +in O in O +this O this O +hashtable B-Class hashtable O +. O . O + +Question_ID O Question_ID O +: O : O +32153515 O 32153515 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32153515/ O https://stackoverflow.com/questions/32153515/ O + + +I O I O +am O am O +trying O trying O +to O to O +update O update O +a O a O +record O record O +in O in O +mongoDb B-Application mongoDb O +. O . O + +But O But O +i O i O +am O am O +getting O getting O +an O an O +error O error O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3898 I-Code_Block Q_3898 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Here O Here O +i O i O +dont O dont O +know O know O +how O how O +to O to O +update O update O +. O . O + +May O May O +be O be O +i O i O +am O am O +following O following O +the O the O +wrong O wrong O +syntax O syntax O +for O for O +update O update O +. O . O + +Could O Could O +anyone O anyone O +lend O lend O +a O a O +helping O helping O +hand O hand O +? O ? O + +Here O Here O +i O i O +am O am O +using O using O +upsert O upsert O +because O because O +if O if O +record O record O +not O not O +found O found O +for O for O +update O update O +then O then O +it O it O +will O will O +insert O insert O +a O a O +new O new O +record O record O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +32153515 O 32153515 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32153515/ O https://stackoverflow.com/questions/32153515/ O + + +You O You O +are O are O +missing O missing O +{ B-Code_Block { B-Code_Block +in O in O +your O your O +update O update O +document O document O +. O . O + +{ B-Code_Block { B-Code_Block +" I-Code_Block " I-Code_Block +$set I-Code_Block $set I-Code_Block +" I-Code_Block " I-Code_Block +: I-Code_Block : I-Code_Block +student_record} I-Code_Block student_record} I-Code_Block +. O . O + +Also O Also O +you O you O +need O need O +to O to O +convert O convert O +" O " O +student_grade B-Variable student_grade O +" O " O +to O to O +float B-Data_Type float O +. O . O + +By O By O +default O default O +upsert B-Code_Block upsert B-Code_Block +: I-Code_Block : I-Code_Block +False I-Code_Block False I-Code_Block +so O so O +you O you O +do O do O +n't O n't O +need O need O +to O to O +specify O specify O +. O . O + +Your O Your O +if O if O +statement O statement O +can O can O +by O by O +simplify O simplify O +as O as O +: O : O +if B-Code_Block if B-Code_Block +flag.lower() I-Code_Block flag.lower() I-Code_Block +== I-Code_Block == I-Code_Block +' I-Code_Block ' I-Code_Block +y I-Code_Block y I-Code_Block +' B-Code_Block ' B-Code_Block +: I-Code_Block : I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4604 I-Code_Block A_4604 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Last O Last O +and O and O +not O not O +least O least O +the O the O +update B-Function update B-Code_Block +method O method O +is O is O +deprecated O deprecated O +. O . O + +You O You O +should O should O +use O use O +the O the O +new O new O +API O API O +. O . O + +update_one O update_one B-Code_Block + +Question_ID O Question_ID O +: O : O +1009654 O 1009654 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1009654/ O https://stackoverflow.com/questions/1009654/ O + + +I O I O +'m O 'm O +using O using O +Rails B-Library Rails O +1.2.3 B-Version 1.2.3 O +on O on O +a O a O +project O project O +. O . O + +( O ( O +Upgrading O Upgrading O +rails B-Library rails O +is O is O +not O not O +an O an O +option O option O +) O ) O +. O . O + +I O I O +'ve O 've O +created O created O +a O a O +simple O simple O +test O test O +web-service O web-service O +using O using O +Rails B-Library Rails O +. O . O + +I O I O +'ve O 've O +tested O tested O +using O using O +the O the O +Rails B-Library Rails O +invoke O invoke O +scaffold O scaffold O +. O . O + +It O It O +seems O seems O +to O to O +generate O generate O +the O the O +response O response O +with O with O +no O no O +problems O problems O +. O . O + +I O I O +'m O 'm O +trying O trying O +to O to O +setup O setup O +a O a O +client B-Application client O +via O via O +.NET B-Library .NET O +. O . O + +I O I O +'ve O 've O +created O created O +an O an O +ASP.NET B-Library ASP.NET O +Web O Web O +App O App O +project O project O +in O in O +C# B-Language C# O +. O . O + +I O I O +am O am O +adding O adding O +a O a O +" O " O +Web O Web O +Reference O Reference O +" O " O +, O , O +add O add O +the O the O +Reference O Reference O +URL O URL O +into O into O +the O the O +URL O URL O +field O field O +of O of O +the O the O +wizard B-User_Interface_Element wizard O +, O , O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_57 I-Code_Block Q_57 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +then O then O +I O I O +receive O receive O +an O an O +error O error O +from O from O +the O the O +wizard B-User_Interface_Element wizard O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +My O My O +code O code O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_58 I-Code_Block Q_58 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Are O Are O +there O there O +any O any O +known O known O +issues O issues O +between O between O +ActionWebService B-Application ActionWebService O +and O and O +.NET B-Library .NET O +or O or O +am O am O +I O I O +doing O doing O +something O something O +wrong O wrong O +? O ? O + +Is O Is O +my O my O +URL O URL O +correct O correct O +for O for O +a O a O +rails B-Library rails O +web-service O web-service O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1009654 O 1009654 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1009654/ O https://stackoverflow.com/questions/1009654/ O + + +This O This O +has O has O +probably O probably O +been O been O +answered O answered O +elsewhere O elsewhere O +, O , O +but O but O +since O since O +this O this O +question O question O +pops O pops O +up O up O +when O when O +searching O searching O +google B-Website google O +for O for O +actionwebservice B-Application actionwebservice O +and O and O +get O get O +requests O requests O +, O , O +I O I O +thought O thought O +I O I O +would O would O +answer O answer O +it O it O +here O here O +. O . O + +By O By O +default O default O +AWS B-Application AWS O +refuses O refuses O +non-POST B-Function non-POST O +requests O requests O +. O . O + +Specifically O Specifically O +it O it O +has O has O +code O code O +in O in O +action_controller_dispatcher.rb B-File_Name action_controller_dispatcher.rb O +that O that O +reads O reads O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_423 I-Code_Block A_423 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Basically O Basically O +you O you O +have O have O +to O to O +either O either O +set O set O +up O up O +the O the O +request O request O +to O to O +POST B-Function POST O +the O the O +request O request O +instead O instead O +of O of O +GETting B-Function GETting O +it O it O +. O . O + +Or O Or O +you O you O +have O have O +to O to O +override O override O +AWS B-Application AWS O +'s O 's O +handling O handling O +of O of O +GET B-Function GET O +requests O requests O +. O . O + +( O ( O +You O You O +might O might O +try O try O +editing O editing O +the O the O +code O code O +inside O inside O +the O the O +gem O gem O +, O , O +but O but O +( O ( O +1) O 1) O +that O that O +will O will O +get O get O +overwritten O overwritten O +when O when O +you O you O +update O update O +the O the O +gem O gem O +and O and O +( O ( O +2) O 2) O +I O I O +'m O 'm O +not O not O +sure O sure O +how O how O +good O good O +an O an O +idea O idea O +that O that O +is O is O +in O in O +general O general O +and O and O +( O ( O +3) O 3) O +I O I O +'ve O 've O +never O never O +tried O tried O +it O it O +. O . O + +The O The O +former O former O +is O is O +likely O likely O +more O more O +appropriate O appropriate O +if O if O +you O you O +have O have O +control O control O +of O of O +the O the O +code O code O +generating O generating O +the O the O +request O request O +. O . O + +If O If O +you O you O +do O do O +n't O n't O +, O , O +Zack B-User_Name Zack O +Chandler I-User_Name Chandler O +had O had O +a O a O +workaround O workaround O +( O ( O +for O for O +QuickBooks B-Application QuickBooks O +'s O 's O +connection O connection O +to O to O +a O a O +web-service O web-service O +, O , O +but O but O +it O it O +should O should O +work O work O +in O in O +any O any O +case O case O +) O ) O +, O , O +here O here O +. O . O + +I O I O +'m O 'm O +quoting O quoting O +it O it O +below O below O +in O in O +case O case O +the O the O +url O url O +changes O changes O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Obviously O Obviously O +the O the O +code O code O +inside O inside O +the O the O +dispatch_web_service_request B-Function dispatch_web_service_request O +method O method O +is O is O +QuickBooks B-Application QuickBooks O +specific O specific O +, O , O +but O but O +you O you O +should O should O +get O get O +the O the O +idea O idea O +. O . O + +Hope O Hope O +this O this O +helps O helps O +, O , O +and O and O +I O I O +hope O hope O +Zack B-User_Name Zack O +does O does O +n't O n't O +mind O mind O +me O me O +reposting O reposting O +. O . O + +Question_ID O Question_ID O +: O : O +27972844 O 27972844 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27972844/ O https://stackoverflow.com/questions/27972844/ O + + +the O the O +problem O problem O +is O is O +I O I O +got O got O +large O large O +text O text O +file O file O +. O . O + +Let O Let O +it O it O +be O be O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3265 I-Code_Block Q_3265 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +need O need O +to O to O +compare O compare O +every O every O +3rd O 3rd O +symbol O symbol O +in O in O +this O this O +text O text O +with O with O +value O value O +( O ( O +e.g O e.g O +. O . O +' B-Value ' B-Code_Block +c' I-Value c' I-Code_Block +) O ) O +and O and O +if O if O +true B-Value true O +, O , O +I O I O +want O want O +to O to O +add O add O +1 B-Value 1 B-Code_Block +to O to O +counter O counter O +i B-Variable i B-Code_Block +. O . O + +I O I O +thought O thought O +to O to O +use O use O +grep B-Code_Block grep B-Code_Block +but O but O +it O it O +seems O seems O +this O this O +function O function O +would O would O +n't O n't O +suite O suite O +for O for O +my O my O +purpose O purpose O +. O . O + +So O So O +I O I O +need O need O +your O your O +help O help O +or O or O +advice O advice O +. O . O + +More O More O +than O than O +that O that O +, O , O +I O I O +want O want O +to O to O +extract O extract O +certain O certain O +values O values O +from O from O +this O this O +string B-Data_Type string O +to O to O +a O a O +vector B-Data_Structure vector O +. O . O + +4 O 4 O +example O example O +, O , O +i O i O +want O want O +to O to O +extract O extract O +4:10 B-Value 4:10 O +symbols O symbols O +, O , O +e.g O e.g O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3266 I-Code_Block Q_3266 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Thank O Thank O +you O you O +in O in O +advance O advance O +. O . O + +P.S O P.S O +. O . O + +I O I O +know O know O +it O it O +'s O 's O +not O not O +the O the O +best O best O +idea O idea O +to O to O +write O write O +script O script O +i O i O +need O need O +in O in O +R B-Language R O +, O , O +but O but O +I O I O +'m O 'm O +curious O curious O +if O if O +its O its O +possible O possible O +to O to O +write O write O +it O it O +in O in O +an O an O +adequate O adequate O +way O way O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +27972844 O 27972844 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27972844/ O https://stackoverflow.com/questions/27972844/ O + + +Edited O Edited O +to O to O +provide O provide O +a O a O +solution O solution O +that O that O +'s O 's O +fast O fast O +for O for O +much O much O +larger O larger O +strings B-Data_Type strings O +: O : O + +If O If O +you O you O +have O have O +a O a O +very O very O +long O long O +string B-Data_Type string O +( O ( O +on O on O +the O the O +order O order O +of O of O +millions O millions O +of O of O +nucleotides O nucleotides O +) O ) O +, O , O +the O the O +lookbehind O lookbehind O +assertion O assertion O +in O in O +my O my O +original O original O +answer O answer O +( O ( O +below O below O +) O ) O +is O is O +too O too O +slow O slow O +to O to O +be O be O +practical O practical O +. O . O + +In O In O +that O that O +case O case O +, O , O +use O use O +something O something O +more O more O +like O like O +the O the O +following O following O +, O , O +which O which O +: O : O +( O ( O +1) O 1) O +splits O splits O +the O the O +string B-Data_Type string O +apart O apart O +between O between O +every O every O +character B-Data_Type character O +; O ; O +( O ( O +2) O 2) O +uses O uses O +the O the O +characters B-Data_Type characters O +to O to O +fill O fill O +up O up O +a O a O +three O three O +row B-Data_Structure row O +matrix I-Data_Structure matrix O +; O ; O +and O and O +then O then O +( O ( O +3) O 3) O +extracts O extracts O +the O the O +characters B-Data_Type characters O +in O in O +the O the O +3rd O 3rd O +row B-Data_Structure row O +of O of O +the O the O +matrix B-Data_Structure matrix O +. O . O + +This O This O +takes O takes O +on O on O +the O the O +order O order O +of O of O +0.2 O 0.2 O +seconds O seconds O +to O to O +process O process O +a O a O +3-million O 3-million O +character O character O +long O long O +string B-Data_Type string O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3878 I-Code_Block A_3878 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Original O Original O +answer O answer O +: O : O + +I O I O +might O might O +use O use O +substr() B-Function substr() B-Code_Block +in O in O +both O both O +cases O cases O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3879 I-Code_Block A_3879 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +27972844 O 27972844 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27972844/ O https://stackoverflow.com/questions/27972844/ O + + +Compare O Compare O +every O every O +third O third O +character B-Data_Type character O +with O with O +" B-Value " B-Code_Block +c I-Value c I-Code_Block +" I-Value " I-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3876 I-Code_Block A_3876 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Extract O Extract O +characters B-Data_Type characters O +4 B-Value 4 O +to O to O +10 B-Value 10 O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3877 I-Code_Block A_3877 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +23996309 O 23996309 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23996309/ O https://stackoverflow.com/questions/23996309/ O + + +I O I O +install O install O +ckeditor B-Application ckeditor O +and O and O +configuration O configuration O +file O file O +how O how O +it O it O +is O is O +describe O describe O +there O there O +. O . O + +but O but O +when O when O +I O I O +try O try O +to O to O +edit O edit O +or O or O +create O create O +HTML B-File_Type HTML O +file O file O +in O in O +alfresco B-Application alfresco O +, O , O +the O the O +content O content O +area O area O +is O is O +empty O empty O +( O ( O +blank O blank O +) O ) O +and O and O +I O I O +ca O ca O +n't O n't O +edit O edit O +anything O anything O +. O . O + +What O What O +is O is O +the O the O +problem O problem O +? O ? O +? O ? O + +Help O Help O +please O please O +! O ! O + +:( O :( O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23996309 O 23996309 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23996309/ O https://stackoverflow.com/questions/23996309/ O + + +What O What O +I O I O +did O did O +: O : O + +1) O 1) O +I O I O +downloaded O downloaded O +ckeditor-forms-master B-Application ckeditor-forms-master O +from O from O +github B-Website github O + +2) O 2) O +In O In O +cmd B-Application cmd O +from O from O +parent O parent O +folder O folder O +ckeditor-forms-master O ckeditor-forms-master O +I O I O +execute O execute O +these O these O +commands O commands O + +ant B-Code_Block ant O +clean I-Code_Block clean O +dist-jar I-Code_Block dist-jar O + +ant B-Code_Block ant O +-Dtomcat.home I-Code_Block -Dtomcat.home O += I-Code_Block = O +C:/Alfresco/tomcat I-Code_Block C:/Alfresco/tomcat O +clean I-Code_Block clean O +dist-jar I-Code_Block dist-jar O +hotcopy-tomcat-jar I-Code_Block hotcopy-tomcat-jar O + +Both O Both O +were O were O +successfully O successfully O +executed O executed O +. O . O + +Restarted O Restarted O +the O the O +alfresco B-Application alfresco O +tomcat I-Application tomcat O +server I-Application server O +. O . O + +Now O Now O +when O when O +I O I O +create/edit O create/edit O +HTML B-File_Type HTML O +file O file O +the O the O +context O context O +area O area O +is O is O +blank O blank O +.. O .. O +. O . O + +alfresco B-Application alfresco O +version O version O +4.2.f B-Version 4.2.f O +. O . O + +browser B-Application browser O +google I-Application google O +chrome I-Application chrome O + +Question_ID O Question_ID O +: O : O +5848861 O 5848861 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5848861/ O https://stackoverflow.com/questions/5848861/ O + + +I O I O +'ve O 've O +been O been O +trying O trying O +to O to O +learn O learn O +Sencha B-Library Sencha O +Touch I-Library Touch O +and O and O +I O I O +'m O 'm O +stuck O stuck O +on O on O +something O something O +that O that O +is O is O +probably O probably O +pretty O pretty O +obvious O obvious O +. O . O + +I O I O +'m O 'm O +trying O trying O +to O to O +update O update O +a O a O +tabPanel B-Class tabPanel O +with O with O +a O a O +button B-User_Interface_Element button O +event O event O +. O . O + +I O I O +'d O 'd O +like O like O +for O for O +a O a O +tap O tap O +on O on O +the O the O +first O first O +button B-User_Interface_Element button O +to O to O +load O load O +' O ' O +maptestPanel B-Variable maptestPanel O +' O ' O +in O in O +the O the O +same O same O +panel B-User_Interface_Element panel O +. O . O + +This O This O +is O is O +a O a O +map B-User_Interface_Element map O +loaded O loaded O +from O from O +its O its O +own O own O +js B-File_Type js O +file O file O +. O . O + +The O The O +map B-User_Interface_Element map O +panel I-User_Interface_Element panel O +looks O looks O +ok O ok O +by O by O +itself O itself O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_417 I-Code_Block Q_417 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +I O I O +'m O 'm O +not O not O +seeing O seeing O +how O how O +to O to O +properly O properly O +place O place O +it O it O +in O in O +the O the O +tabPanel B-Variable tabPanel O + +The O The O +code O code O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_418 I-Code_Block Q_418 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Thanks O Thanks O +for O for O +any O any O +advice O advice O +or O or O +a O a O +steer O steer O +in O in O +the O the O +right O right O +direction O direction O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5848861 O 5848861 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5848861/ O https://stackoverflow.com/questions/5848861/ O + + +I O I O +only O only O +know O know O +" O " O +classic O classic O +" O " O +sencha B-Library sencha O +, O , O +but O but O +this O this O +should O should O +work O work O +the O the O +same O same O +way O way O +: O : O +So O So O +you O you O +could O could O +just O just O +add O add O +the O the O +mapPanel B-Class mapPanel O +( O ( O +but O but O +hidden O hidden O +) O ) O +to O to O +your O your O +tabPanel B-Class tabPanel O +, O , O +and O and O +in O in O +the O the O +button B-User_Interface_Element button O +handler O handler O +show O show O +it O it O +while O while O +hiding O hiding O +the O the O +button B-User_Interface_Element button O +panel O panel O +. O . O + +Besides O Besides O +, O , O +speaking O speaking O +of O of O +layouts O layouts O +, O , O +I O I O +do O do O +n't O n't O +think O think O +you O you O +need O need O +to O to O +precise O precise O +layout B-Variable layout O +: O : O +' O ' O +card O card O +' O ' O +in O in O +tabPanel B-Variable tabPanel O +since O since O +it O it O +uses O uses O +a O a O +card O card O +layout B-Variable layout O +by O by O +definition O definition O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5848861 O 5848861 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5848861/ O https://stackoverflow.com/questions/5848861/ O + + +There O There O +'s O 's O +several O several O +things O things O +you O you O +need O need O +to O to O +do O do O +to O to O +fix O fix O +up O up O +that O that O +code O code O +: O : O + +1) O 1) O +' O ' O +Maps B-Class Maps O +' O ' O +has O has O +no O no O +layout B-Variable layout O +. O . O + +Since O Since O +it O it O +has O has O +a O a O +single O single O +child O child O +item O item O +, O , O +layout B-Variable layout O +: O : O +' O ' O +fit B-Variable fit O +' O ' O +would O would O +be O be O +appropriate O appropriate O +here O here O +. O . O + +2) O 2) O +Only O Only O +use O use O +fullscreen B-Variable fullscreen O +on O on O +the O the O +outermost O outermost O +item O item O +, O , O +you O you O +do O do O +n't O n't O +want O want O +the O the O +other O other O +items O items O +to O to O +be O be O +fullscreen B-Variable fullscreen O +since O since O +they O they O +are O are O +child O child O +items O items O +of O of O +other O other O +containers O containers O +. O . O + +3) O 3) O +To O To O +dynamically O dynamically O +add O add O +items O items O +to O to O +a O a O +container O container O +, O , O +use O use O +the O the O +add() B-Function add() O +method O method O +on O on O +container O container O +. O . O + +You O You O +'ll O 'll O +also O also O +need O need O +to O to O +call O call O +doLayout() B-Function doLayout() O +to O to O +trigger O trigger O +a O a O +layout B-Variable layout O +for O for O +the O the O +container O container O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_652 I-Code_Block A_652 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +However O However O +, O , O +in O in O +this O this O +case O case O +I O I O +do O do O +n't O n't O +see O see O +why O why O +you O you O +'re O 're O +adding O adding O +the O the O +map B-User_Interface_Element map O +to O to O +a O a O +panel B-User_Interface_Element panel O +, O , O +it O it O +does O does O +n't O n't O +give O give O +you O you O +any O any O +extra O extra O +functionality O functionality O +. O . O + +Instead O Instead O +, O , O +I O I O +would O would O +add O add O +the O the O +map B-User_Interface_Element map O +directly O directly O +to O to O +the O the O +btnPanel B-Variable btnPanel O +. O . O + +4) O 4) O +The O The O +btnPanel B-Variable btnPanel O +has O has O +no O no O +layout B-Variable layout O +either O either O +, O , O +so O so O +you O you O +'ll O 'll O +need O need O +to O to O +choose O choose O +an O an O +appropriate O appropriate O +layout B-Variable layout O +there O there O +as O as O +well O well O +, O , O +possibly O possibly O +the O the O +vbox O vbox O +layout B-Variable layout O +. O . O + +Question_ID O Question_ID O +: O : O +43402715 O 43402715 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43402715/ O https://stackoverflow.com/questions/43402715/ O + + +I O I O +have O have O +already O already O +read O read O +some O some O +questions O questions O +about O about O +kinesis B-Application kinesis O +shard B-Class shard O +and O and O +multiple O multiple O +consumers B-Class consumers O +but O but O +I O I O +still O still O +do O do O +n't O n't O +understand O understand O +how O how O +it O it O +works O works O +. O . O + +My O My O +use O use O +case O case O +: O : O +I O I O +have O have O +a O a O +kinesis B-Application kinesis O +stream B-Class stream O +with O with O +just O just O +one O one O +shard B-Class shard O +. O . O + +I O I O +would O would O +like O like O +to O to O +consume O consume O +this O this O +shard B-Class shard O +using O using O +different O different O +lambda O lambda O +function O function O +, O , O +each O each O +of O of O +them O them O +independently O independently O +. O . O + +It O It O +'s O 's O +like O like O +that O that O +each O each O +lambda O lambda O +function O function O +will O will O +have O have O +it O it O +'s O 's O +own O own O +shard B-Class shard O +iterator O iterator O +. O . O + +Is O Is O +it O it O +possible O possible O +? O ? O + +Set O Set O +multiple O multiple O +lambda O lambda O +consumers B-Class consumers O +( O ( O +stream B-Class stream O +based O based O +) O ) O +reading O reading O +from O from O +the O the O +same O same O +stream/shard B-Class stream/shard O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43402715 O 43402715 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43402715/ O https://stackoverflow.com/questions/43402715/ O + + +Yes O Yes O +, O , O +no O no O +problem O problem O +with O with O +this O this O +! O ! O + +The O The O +number O number O +of O of O +shards B-Class shards O +does O does O +n't O n't O +limit O limit O +the O the O +number O number O +of O of O +consumers B-Class consumers O +a O a O +stream B-Class stream O +can O can O +have O have O +. O . O + +In O In O +you O you O +case O case O +, O , O +it O it O +will O will O +just O just O +limit O limit O +the O the O +number O number O +of O of O +concurrent O concurrent O +invocations O invocations O +of O of O +each O each O +lambda O lambda O +. O . O + +This O This O +means O means O +that O that O +for O for O +each O each O +consumers B-Class consumers O +, O , O +you O you O +can O can O +only O only O +have O have O +the O the O +number O number O +of O of O +shards B-Class shards O +of O of O +concurrent O concurrent O +executions O executions O +. O . O + +Seethis O Seethis O +doc O doc O +for O for O +more O more O +details O details O +. O . O + +Question_ID O Question_ID O +: O : O +25688230 O 25688230 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25688230/ O https://stackoverflow.com/questions/25688230/ O + + +This O This O +is O is O +my O my O +enum B-Data_Type enum O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2925 I-Code_Block Q_2925 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +i O i O +have O have O +a O a O +EnumDropDownListFor B-Class EnumDropDownListFor O +for O for O +it O it O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2926 I-Code_Block Q_2926 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +as O as O +default O default O +( O ( O +when O when O +page O page O +had O had O +been O been O +loaded O loaded O +) O ) O +i O i O +see O see O +Employee B-Variable Employee O +in O in O +this O this O +form.But O form.But O +i O i O +want O want O +to O to O +see O see O +firstly O firstly O +Evaluation.My B-Variable Evaluation.My O +first O first O +decision O decision O +was O was O +changing O changing O +enum B-Data_Type enum O +query O query O +to O to O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2927 I-Code_Block Q_2927 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +it O it O +was O was O +bad O bad O +decision O decision O +for O for O +whole O whole O +project O project O +( O ( O +but O but O +working O working O +) O ) O +.So O .So O +how O how O +easly O easly O +i O i O +can O can O +set O set O +another O another O +default O default O +? O ? O +Any O Any O +ideas O ideas O +? O ? O + +Question_ID O Question_ID O +: O : O +15564380 O 15564380 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15564380/ O https://stackoverflow.com/questions/15564380/ O + + +I O I O +am O am O +trying O trying O +to O to O +set O set O +up O up O +this O this O +Slideshow B-User_Interface_Element Slideshow O +on O on O +my O my O +website O website O +. O . O + +But O But O +for O for O +some O some O +reason O reason O +is O is O +not O not O +working O working O +, O , O +even O even O +though O though O +I O I O +double O double O +checked O checked O +endless O endless O +times O times O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1524 I-Code_Block Q_1524 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +http://jsfiddle.net/2VQ9A/ O http://jsfiddle.net/2VQ9A/ O + +It O It O +only O only O +seems O seems O +to O to O +be O be O +working O working O +on O on O +jsfiddle B-Application jsfiddle O +, O , O +its O its O +like O like O +its O its O +not O not O +being O being O +recognized O recognized O +by O by O +my O my O +browser B-Application browser O +or O or O +something O something O +weird O weird O +. O . O + +This O This O +might O might O +be O be O +silly O silly O +question O question O +and O and O +a O a O +simple O simple O +answer O answer O +. O . O + +This O This O +is O is O +my O my O +first O first O +time O time O +working O working O +with O with O +Javascript B-Language Javascript O +. O . O + +I O I O +'ll O 'll O +appreciate O appreciate O +any O any O +help O help O +:) O :) O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +15564380 O 15564380 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15564380/ O https://stackoverflow.com/questions/15564380/ O + + +include O include O +these O these O +files O files O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2002 I-Code_Block A_2002 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +is O is O +working O working O +in O in O +fiddle B-Application fiddle O +means O means O +definetely O definetely O +these O these O +are O are O +the O the O +probme.Try O probme.Try O +to O to O +include O include O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +15564380 O 15564380 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15564380/ O https://stackoverflow.com/questions/15564380/ O + + +Check O Check O +on O on O +you O you O +page O page O +that O that O +you O you O +added O added O +the O the O +jquery B-Library jquery B-Code_Block +files O files I-Code_Block +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2003 I-Code_Block A_2003 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +or O or O +add O add O +these O these O +files O files O +by O by O +any O any O +CDN O CDN B-Code_Block +like O like O +Google B-Application Google B-Code_Block +or O or O +Microsoft B-Application Microsoft B-Code_Block + +Also O Also O +Add O Add O +you O you O +code O code O +after O after O +adding O adding O +the O the O +above O above O +files O files O + +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2004 I-Code_Block A_2004 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +41528707 O 41528707 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41528707/ O https://stackoverflow.com/questions/41528707/ O + + +I O I O +have O have O +an O an O +existing O existing O +table B-Data_Structure table O +called O called O +temp_09.jwn B-File_Name temp_09.jwn O +. O . O + +I O I O +would O would O +like O like O +to O to O +add O add O +a O a O +new O new O +column B-Data_Structure column O +called O called O +cobrand_bank_id B-Variable cobrand_bank_id O +. O . O + +Is O Is O +there O there O +a O a O +way O way O +where O where O +I O I O +can O can O +skip O skip O +the O the O +ALTER B-Code_Block ALTER O +TABLE I-Code_Block TABLE O +step O step O +below O below O +and O and O +just O just O +directly O directly O +write O write O +the O the O +insert B-Code_Block insert O +into O into O +statement O statement O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5272 I-Code_Block Q_5272 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41528707 O 41528707 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41528707/ O https://stackoverflow.com/questions/41528707/ O + + +No O No O +, O , O +you O you O +have O have O +to O to O +add O add O +the O the O +column B-Data_Structure column O +first O first O +. O . O + +Schema-less O Schema-less O +databases O databases O +( O ( O +NoSQL B-Application NoSQL O +) O ) O +can O can O +support O support O +this O this O +, O , O +but O but O +an O an O +RDBMS B-Application RDBMS O +needs O needs O +to O to O +have O have O +its O its O +scheme O scheme O +altered O altered O +. O . O + +It O It O +'s O 's O +kind O kind O +of O of O +like O like O +saying O saying O +, O , O +" O " O +I O I O +bought O bought O +these O these O +new O new O +shoes O shoes O +and O and O +I O I O +need O need O +a O a O +bin O bin O +to O to O +store O store O +them O them O +, O , O +if O if O +I O I O +just O just O +toss O toss O +them O them O +in O in O +the O the O +corner O corner O +will O will O +a O a O +bin O bin O +appear O appear O +? O ? O +" O " O + +No O No O +, O , O +you O you O +have O have O +to O to O +get O get O +the O the O +bin B-File_Type bin O +first O first O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41528707 O 41528707 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41528707/ O https://stackoverflow.com/questions/41528707/ O + + +There O There O +are O are O +several O several O +options O options O +to O to O +achieve O achieve O +schema O schema O +flexibility O flexibility O +in O in O +an O an O +( O ( O +SQL B-Language SQL O +- O - O +) O ) O +RDBMS B-Application RDBMS O +: O : O + +1 O 1 O +. O . O +use O use O +a O a O +Entity O Entity O +– O – O +attribute O attribute O +– O – O +value O value O +model O model O + +2 O 2 O +. O . O +store O store O +a O a O +JSON B-File_Type JSON O +document O document O + +Depending O Depending O +on O on O +your O your O +use O use O +case O case O +, O , O +data O data O +volume O volume O +etc O etc O +. O . O + +a O a O +nosql B-Application nosql O +db O db O +could O could O +be O be O +the O the O +better O better O +choice O choice O +. O . O + +But O But O +sometimes O sometimes O +you O you O +need O need O +only O only O +one O one O +or O or O +a O a O +few O few O +tables B-Data_Structure tables O +to O to O +be O be O +schema-flexible O schema-flexible O +and O and O +your O your O +other O other O +data O data O +is O is O +relational O relational O +. O . O + +Some O Some O +SQL B-Language SQL O +RDBMS B-Application RDBMS O +support O support O +schema O schema O +flexible O flexible O +tables B-Data_Structure tables O +, O , O +E.g O E.g O +. O . O +SAP B-Code_Block SAP O +HANA I-Code_Block HANA O +( I-Code_Block ( O +" I-Code_Block " O +CREATE I-Code_Block CREATE O +TABLE I-Code_Block TABLE O +.. I-Code_Block .. O +. I-Code_Block . O +WITH I-Code_Block WITH O +SCHEMA I-Code_Block SCHEMA O +FLEXIBILITY I-Code_Block FLEXIBILITY O +.. I-Code_Block .. O +. I-Code_Block . O +" I-Code_Block " O +) I-Code_Block ) O +. O . O + +Question_ID O Question_ID O +: O : O +36843164 O 36843164 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36843164/ O https://stackoverflow.com/questions/36843164/ O + + +Internet O Internet O +is O is O +not O not O +working O working O +in O in O +my O my O +virtual B-Application virtual O +machine I-Application machine O +( O ( O +CentOS B-Operating_System CentOS O +7 B-Version 7 O +) O ) O + +I O I O +do O do O +n't O n't O +know O know O +where O where O +to O to O +start O start O +.. O .. O +. O . O + +machine O machine O +has O has O +two O two O +network B-Device network O +adapter I-Device adapter O +, O , O +NAT O NAT O +and O and O +Host O Host O + +I O I O +can O can O +ping O ping O +among O among O +virtual B-Application virtual O +machines I-Application machines O +such O such O +as O as O +" B-Code_Block " O +ping I-Code_Block ping O +slave1 I-Code_Block slave1 O +" I-Code_Block " O +" I-Code_Block " O +ping I-Code_Block ping O +slave2 I-Code_Block slave2 O +" I-Code_Block " O +... O ... O +. O . O +it O it O +works O works O +just O just O +fine O fine O + +ping B-Code_Block ping O +8.8.8.8 I-Code_Block 8.8.8.8 O + +-> O -> O +PING B-Output_Block PING O +8.8.8.8 I-Output_Block 8.8.8.8 O +( I-Output_Block ( O +8.8.8.8 I-Output_Block 8.8.8.8 O +) I-Output_Block ) O +56(84) I-Output_Block 56(84) O +bytes I-Output_Block bytes O +of I-Output_Block of O +data I-Output_Block data O +. I-Output_Block . O + +after O after O +this O this O +message O message O +, O , O +nothing O nothing O +comes O comes O +out. O out. O +. O . O + +ping B-Code_Block ping O +google.com I-Code_Block google.com O + +-> O -> O +no O no O +any O any O +message O message O +comes O comes O +out O out O +for O for O +a O a O +while O while O +and O and O +it O it O +says O says O +" O " O +ping B-Output_Block ping O +: I-Output_Block : O +unkown I-Output_Block unkown O +host I-Output_Block host O +google.com I-Output_Block google.com O +" O " O + +enp0s3 B-Code_Block enp0s3 O +-> I-Code_Block -> O +NAT(on) I-Code_Block NAT(on) O + +-> O -> O +inet B-Output_Block inet O +10.0.2.15 I-Output_Block 10.0.2.15 O + +-> O -> O +netmask B-Output_Block netmask O +255.255.255.0 I-Output_Block 255.255.255.0 O + +enp0s8 B-Code_Block enp0s8 O +-> I-Code_Block -> O +host(on) I-Code_Block host(on) O + +-> O -> O +192.168.56.101 B-Output_Block 192.168.56.101 O + +Where O Where O +should O should O +I O I O +start O start O +to O to O +figure O figure O +it O it O +out O out O +? O ? O + +Please O Please O +I O I O +am O am O +spending O spending O +more O more O +than O than O +17 O 17 O +hours O hours O +for O for O +this O this O +.. O .. O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +36843164 O 36843164 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36843164/ O https://stackoverflow.com/questions/36843164/ O + + +The O The O +Netwrok B-Device Netwrok O +adaptateur I-Device adaptateur O +must O must O +be O be O +: O : O + +Enabled O Enabled O + +Attached O Attached O +to O to O +Bridge B-Device Bridge O +Adapter I-Device Adapter O + +Then O Then O +in O in O +the O the O +virtual B-Application virtual O +machine I-Application machine O +, O , O +open O open O +the O the O +Network O Network O +Connections O Connections O +configuration O configuration O +and O and O +configure O configure O +to O to O +Obtain O Obtain O +an O an O +IP O IP O +address O address O +automatically O automatically O +and O and O +Obtain O Obtain O +DNS B-Application DNS O +server I-Application server O +address O address O +automatically O automatically O + +Question_ID O Question_ID O +: O : O +32390491 O 32390491 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32390491/ O https://stackoverflow.com/questions/32390491/ O + + +how O how O +to O to O +do O do O +login O login O +and O and O +register O register O +with O with O +PHP B-Language PHP O +and O and O +MySQL B-Application MySQL O +in O in O +fragment O fragment O +? O ? O + +I O I O +need O need O +sample O sample O +code O code O +, O , O +hope O hope O +someone O someone O +can O can O +help O help O +me O me O + +here O here O +is O is O +my O my O +loginfragment B-Class loginfragment O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3925 I-Code_Block Q_3925 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +here O here O +is O is O +my O my O +loginlayout B-Variable loginlayout O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3926 I-Code_Block Q_3926 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'m O 'm O +new O new O +to O to O +android B-Operating_System android O +so O so O +I O I O +really O really O +do O do O +n't O n't O +know O know O +how O how O +to O to O +do O do O +that O that O +. O . O + +I O I O +already O already O +develop O develop O +login O login O +and O and O +register O register O +with O with O +PHP B-Language PHP O +and O and O +MySQL B-Application MySQL O +by O by O +following O following O +tutorials O tutorials O +, O , O +but O but O +it O it O +uses O uses O +activity B-Class activity O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +32390491 O 32390491 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32390491/ O https://stackoverflow.com/questions/32390491/ O + + +You O You O +asked O asked O +kind O kind O +of O of O +an O an O +involved O involved O +question O question O +, O , O +especially O especially O +without O without O +being O being O +able O able O +to O to O +see O see O +your O your O +server B-Application server O +side O side O +code O code O +. O . O + +Since O Since O +you O you O +mentioned O mentioned O +needing O needing O +source O source O +code O code O +, O , O +here O here O +is O is O +the O the O +official O official O +Android B-Operating_System Android O +Developers O Developers O +training O training O +with O with O +source O source O +code O code O +examples O examples O +, O , O +http://developer.android.com/training/basics/network-ops/connecting.html O http://developer.android.com/training/basics/network-ops/connecting.html O + +I O I O +'ll O 'll O +copy O copy O +the O the O +relevant O relevant O +code O code O +in O in O +here O here O +, O , O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4633 I-Code_Block A_4633 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Having O Having O +done O done O +this O this O +a O a O +few O few O +times O times O +, O , O +though O though O +, O , O +I O I O +'d O 'd O +like O like O +to O to O +point O point O +out O out O +some O some O +things O things O +that O that O +will O will O +likely O likely O +bite O bite O +you O you O +when O when O +you O you O +try O try O +to O to O +implement O implement O +this O this O + +Android B-Operating_System Android O +requires O requires O +you O you O +to O to O +do O do O +anything O anything O +that O that O +calls O calls O +a O a O +web O web O +server B-Application server O +in O in O +a O a O +background O background O +thread O thread O +. O . O + +http://developer.android.com/training/multiple-threads/index.html O http://developer.android.com/training/multiple-threads/index.html O + +You O You O +are O are O +probably O probably O +going O going O +to O to O +need O need O +some O some O +kind O kind O +of O of O +authentication O authentication O +, O , O +especially O especially O +if O if O +PHP B-Language PHP O +side O side O +you O you O +used O used O +e.g O e.g O +. O . O +Drupal B-Library Drupal O +. O . O + +I O I O +would O would O +find O find O +out O out O +if O if O +your O your O +PHP B-Language PHP O +framework O framework O +requires O requires O +e.g O e.g O +. O . O +Session O Session O +auth O auth O +with O with O +a O a O +CRLF B-Value CRLF O +token O token O +or O or O +OAuth O OAuth O +or O or O +a O a O +similar O similar O +scheme O scheme O +. O . O + +Authentication O Authentication O +will O will O +involve O involve O +three O three O +steps O steps O +: O : O + +** O ** O +Sign O Sign O +in O in O + +** O ** O +Retrieve O Retrieve O +a O a O +cookie O cookie O +or O or O +token O token O + +** O ** O +Send O Send O +the O the O +token O token O +in O in O +along O along O +with O with O +your O your O +content O content O +in O in O +your O your O +headers O headers O + +Finally O Finally O +you O you O +are O are O +going O going O +to O to O +need O need O +some O some O +sort O sort O +of O of O +data O data O +encapsulation O encapsulation O +layer O layer O +. O . O + +I O I O +like O like O +JSON B-File_Type JSON O +, O , O +some O some O +folks O folks O +like O like O +XML B-File_Type XML O +. O . O + +The O The O +GSON B-Library GSON O +library O library O +, O , O +which O which O +you O you O +can O can O +learn O learn O +more O more O +about O about O +here O here O +, O , O +https://google-gson.googlecode.com/svn/trunk/gson/docs/javadocs/com/google/gson/Gson.html O https://google-gson.googlecode.com/svn/trunk/gson/docs/javadocs/com/google/gson/Gson.html O +, O , O +is O is O +the O the O +most O most O +user O user O +and O and O +beginner O beginner O +friendly O friendly O +JSON B-File_Type JSON O +library O library O +I O I O +know O know O +of O of O +. O . O + +In O In O +practice O practice O +I O I O +usually O usually O +use O use O +Android B-Operating_System Android O +'s O 's O +built-in O built-in O +JSONArray B-Class JSONArray O +and O and O +JSONObject B-Class JSONObject O +though O though O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +32390491 O 32390491 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32390491/ O https://stackoverflow.com/questions/32390491/ O + + +Here O Here O +is O is O +good O good O +example O example O +for O for O +the O the O + +http://www.androidhive.info/2012/05/how-to-connect-android-with-php-mysql/ O http://www.androidhive.info/2012/05/how-to-connect-android-with-php-mysql/ O + +Overall O Overall O +steps O steps O +to O to O +do O do O +: O : O + +Create O Create O +Web-service O Web-service O +for O for O +login O login O +in O in O +PHP B-Language PHP B-Code_Block + +Call O Call O +that O that O +Web-service O Web-service O +form O form O +android B-Operating_System android O +Fragment B-Class Fragment B-Code_Block + +Get O Get O +response O response O +and O and O +parse O parse O +it O it O + +Show O Show O +the O the O +Result O Result O +to O to O +User O User O + +see O see O +this O this O +link O link O +for O for O +working O working O +with O with O +Fragments B-Class Fragments O + +Question_ID O Question_ID O +: O : O +2476581 O 2476581 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2476581/ O https://stackoverflow.com/questions/2476581/ O + + +I O I O +am O am O +trying O trying O +to O to O +use O use O +rich B-Data_Type rich O +text I-Data_Type text O +in O in O +a O a O +QComboBox B-Class QComboBox O +but O but O +it O it O +does O does O +not O not O +support O support O +it O it O +. O . O + +Perhaps O Perhaps O +I O I O +should O should O +write O write O +a O a O +subclass O subclass O +? O ? O + +But O But O +I O I O +am O am O +unsure O unsure O +on O on O +what O what O +I O I O +would O would O +need O need O +to O to O +override O override O +as O as O +I O I O +have O have O +never O never O +done O done O +anything O anything O +like O like O +this O this O +before O before O +. O . O + +Please O Please O +help O help O +. O . O + +Thanks O Thanks O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2476581 O 2476581 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2476581/ O https://stackoverflow.com/questions/2476581/ O + + +I O I O +think O think O +custom O custom O +delegate O delegate O +class O class O +is O is O +the O the O +answer O answer O +. O . O + +The O The O +solution O solution O +is O is O +to O to O +simply O simply O +replace O replace O +standard O standard O +drawing O drawing O +routine O routine O +with O with O +your O your O +own O own O +( O ( O +using O using O +i.e O i.e O +. O . O +QLabel B-Class QLabel O +) O ) O +. O . O + +There O There O +was O was O +a O a O +similar O similar O +question O question O +here O here O +: O : O +QListView/QListWidget B-Class QListView/QListWidget O +with O with O +custom O custom O +items O items O +and O and O +custom O custom O +item O item O +widgets B-User_Interface_Element widgets O + +Question_ID O Question_ID O +: O : O +25610261 O 25610261 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25610261/ O https://stackoverflow.com/questions/25610261/ O + + +When O When O +validating O validating O +an O an O +XML B-Language XML O +DOMDocument B-Class DOMDocument O +with O with O +a O a O +scheme O scheme O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +I O I O +get O get O +a O a O +warning O warning O +message O message O +like O like O +: O : O + +Warning O Warning O +: O : O +DOMDocument::schemaValidate() B-Function DOMDocument::schemaValidate() O +: O : O +Element O Element O +' O ' O +foo B-Code_Block foo O +' O ' O +: O : O +This O This O +element O element O +is O is O +not O not O +expected O expected O +. O . O + +Expected O Expected O +is O is O +one O one O +of O of O +( O ( O +{url}foo B-Code_Block {url}foo O +, I-Code_Block , O +{url}bar I-Code_Block {url}bar O +) O ) O +. O . O + +What O What O +is O is O +the O the O +difference O difference O +between O between O +' O ' O +foo B-Code_Block foo O +' O ' O +and O and O +'{url}foo' B-Code_Block '{url}foo' O +and O and O +how O how O +to O to O +fix O fix O +this O this O +warning O warning O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25610261 O 25610261 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25610261/ O https://stackoverflow.com/questions/25610261/ O + + +The O The O +notation O notation O +{url}foo B-Code_Block {url}foo B-Code_Block +is O is O +used O used O +to O to O +refer O refer O +to O to O +an O an O +expanded O expanded O +name O name O +whose O whose O +namespace O namespace O +part O part O +is O is O +url B-Variable url B-Code_Block +and O and O +whose O whose O +local O local O +name O name O +part O part O +is O is O +foo B-Variable foo B-Code_Block +. O . O + +It O It O +'s O 's O +sometimes O sometimes O +referred O referred O +to O to O +as O as O +' O ' O +Clark O Clark O +notation O notation O +' O ' O +for O for O +James B-User_Name James O +Clark I-User_Name Clark O +, O , O +who O who O +promoted O promoted O +it O it O +. O . O + +When O When O +this O this O +notation O notation O +is O is O +in O in O +use O use O +, O , O +unqualified O unqualified O +names O names O +are O are O +sometimes O sometimes O +referred O referred O +to O to O +using O using O +the O the O +notation O notation O +{}foo B-Code_Block {}foo B-Code_Block +and O and O +sometimes O sometimes O +( O ( O +as O as O +in O in O +your O your O +error O error O +message O message O +) O ) O +using O using O +the O the O +notation O notation O +foo B-Variable foo B-Code_Block +. O . O + +The O The O +error O error O +message O message O +is O is O +telling O telling O +you O you O +that O that O +it O it O +has O has O +found O found O +an O an O +element O element O +with O with O +the O the O +unqualified O unqualified O +name O name O +foo B-Variable foo B-Code_Block +, O , O +at O at O +a O a O +location O location O +where O where O +it O it O +was O was O +expecting O expecting O +a O a O +namespace-qualfied O namespace-qualfied O +element O element O +named O named O +either O either O +foo B-Variable foo B-Code_Block +or O or O +bar B-Variable bar B-Code_Block +in O in O +the O the O +namespace O namespace O +url B-Variable url B-Code_Block +. O . O + +Probable O Probable O +cause O cause O +: O : O +the O the O +XML B-Language XML O +instance O instance O +lacks O lacks O +a O a O +required O required O +namespace O namespace O +declaration O declaration O +. O . O + +Question_ID O Question_ID O +: O : O +46622949 O 46622949 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46622949/ O https://stackoverflow.com/questions/46622949/ O + + +How O How O +to O to O +classify O classify O +strings B-Data_Type strings O +using O using O +r B-Language r O + +My O My O +text B-File_Type text O +file O file O +is O is O +such O such O +a O a O +structure O structure O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6142 I-Code_Block Q_6142 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +want O want O +to O to O +distinguish O distinguish O +day O day O +/ O / O +month O month O +/ O / O +year O year O +. O . O + +I O I O +know O know O +there O there O +are O are O +commands O commands O +. O . O + +" O " O +strsplit B-Function strsplit O +" O " O +, O , O +" O " O +str_split B-Function str_split O +" O " O + +But O But O +I O I O +do O do O +not O not O +know O know O +how O how O +to O to O +write O write O +day O day O +/ O / O +month O month O +/ O / O +year O year O +. O . O + +If O If O +you O you O +categorize O categorize O +it O it O +, O , O +the O the O +data O data O +is O is O +not O not O +what O what O +I O I O +want O want O +. O . O + +What O What O +should O should O +I O I O +do O do O +? O ? O + +I O I O +would O would O +appreciate O appreciate O +it O it O +if O if O +you O you O +could O could O +answer O answer O +me O me O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6143 I-Code_Block Q_6143 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +46622949 O 46622949 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46622949/ O https://stackoverflow.com/questions/46622949/ O + + +You O You O +need O need O +to O to O +specify O specify O +a O a O +pattern O pattern O +for O for O +dates O dates O +more O more O +completely O completely O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6765 I-Code_Block A_6765 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +46622949 O 46622949 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46622949/ O https://stackoverflow.com/questions/46622949/ O + + +stringr B-Library stringr O +and O and O +rebus B-Library rebus O +packages O packages O +are O are O +really O really O +helpful O helpful O +and O and O +intuitive O intuitive O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6767 I-Code_Block A_6767 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +12897909 O 12897909 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12897909/ O https://stackoverflow.com/questions/12897909/ O + + +I O I O +want O want O +to O to O +move O move O +my O my O +MVC B-Algorithm MVC O +application O application O +from O from O +Azure B-Application Azure O +to O to O +an O an O +in-house O in-house O +server B-Application server O +. O . O + +How O How O +do O do O +I O I O +export O export O +the O the O +SSL O SSL O +certificate O certificate O +associated O associated O +with O with O +the O the O +App O App O +to O to O +install O install O +it O it O +on O on O +the O the O +local O local O +server B-Application server O +? O ? O + +Is O Is O +it O it O +at O at O +all O all O +possible O possible O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +12897909 O 12897909 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12897909/ O https://stackoverflow.com/questions/12897909/ O + + +NO O NO O +. O . O + +There O There O +is O is O +no O no O +way O way O +to O to O +get O get O +certificate O certificate O +out O out O +of O of O +Windows B-Application Windows O +Azure I-Application Azure O +. O . O + +Question O Question O +is O is O +how O how O +it O it O +( O ( O +the O the O +certificate O certificate O +) O ) O +appeared O appeared O +in O in O +the O the O +Azure B-Application Azure O +at O at O +first O first O +place O place O +. O . O + +It O It O +was O was O +certainly O certainly O +not O not O +uploaded O uploaded O +by O by O +Microsoft B-Website Microsoft O +people O people O +or O or O +some O some O +magic O magic O +. O . O + +It O It O +is O is O +a O a O +developer O developer O +who O who O +packed O packed O +the O the O +deployment O deployment O +package O package O +to O to O +include O include O +the O the O +certificate O certificate O +reference O reference O +( O ( O +thumbprint O thumbprint O +) O ) O +and O and O +service O service O +administrator O administrator O +( O ( O +or O or O +co-admin O co-admin O +) O ) O +who O who O +uploaded O uploaded O +the O the O +original O original O +certificate O certificate O +in O in O +the O the O +Azure B-Application Azure O +. O . O + +So O So O +contact O contact O +that O that O +people O people O +( O ( O +whom O whom O +might O might O +be O be O +just O just O +you O you O +? O ? O +) O ) O + +and O and O +ask O ask O +for O for O +the O the O +original O original O +certificate O certificate O +. O . O + +If O If O +certificate O certificate O +is O is O +lost O lost O +, O , O +contact O contact O +the O the O +original O original O +issuer O issuer O +( O ( O +certification O certification O +authority O authority O +) O ) O +for O for O +a O a O +copy O copy O +, O , O +if O if O +you O you O +were O were O +the O the O +one O one O +to O to O +originally O originally O +requested O requested O +. O . O + +If O If O +you O you O +did O did O +not O not O +originally O originally O +requested O requested O +the O the O +certificate O certificate O +, O , O +there O there O +might O might O +have O have O +been O been O +a O a O +reason O reason O +behind O behind O +that O that O +. O . O + +Question_ID O Question_ID O +: O : O +40689342 O 40689342 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/40689342/ O https://stackoverflow.com/questions/40689342/ O + + +Given O Given O +an O an O +array B-Data_Structure array O +, O , O +I O I O +need O need O +to O to O +find O find O +the O the O +indices O indices O +of O of O +nearest O nearest O +non-coprime O non-coprime O +number O number O +( O ( O +i.e O i.e O +. O . O +GCD(Ai, B-Code_Block GCD(Ai, O +Aj) I-Code_Block Aj) O +> I-Code_Block > O +1 I-Code_Block 1 O +, I-Code_Block , O +for I-Code_Block for O +any I-Code_Block any O +Ai I-Code_Block Ai O +and I-Code_Block and O +Aj I-Code_Block Aj O +in I-Code_Block in O +the I-Code_Block the O +array I-Code_Block array O +, I-Code_Block , O +i I-Code_Block i O +!= I-Code_Block != O +j I-Code_Block j O +) O ) O +Example O Example O +, O , O +let O let O +the O the O +array B-Data_Structure array O +be O be O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5142 I-Code_Block Q_5142 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +answer O answer O +will O will O +be O be O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5143 I-Code_Block Q_5143 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'ve O 've O +written O written O +this O this O +brute O brute O +force O force O +code O code O +( O ( O +which O which O +is O is O +O(n^2)) O O(n^2)) O +using O using O +Binary B-Algorithm Binary O +GCD I-Algorithm GCD O +method O method O +, O , O +which O which O +is O is O +not O not O +very O very O +efficient O efficient O +. O . O + +I O I O +'m O 'm O +wondering O wondering O +if O if O +there O there O +'s O 's O +a O a O +faster O faster O +way O way O +to O to O +do O do O +this O this O +. O . O + +Particularly O Particularly O +in O in O +O(NlogN) O O(NlogN) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5144 I-Code_Block Q_5144 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +40689342 O 40689342 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/40689342/ O https://stackoverflow.com/questions/40689342/ O + + +If O If O +you O you O +know O know O +your O your O +max O max O +value O value O +for O for O +your O your O +numbers O numbers O +and O and O +can O can O +afford O afford O +to O to O +keep O keep O +a O a O +list B-Data_Structure list O +of O of O +primes O primes O +, O , O +then O then O +factoring O factoring O +them O them O +may O may O +be O be O +a O a O +better O better O +solution O solution O +for O for O +the O the O +average/random O average/random O +case O case O +. O . O + +Otherwise O Otherwise O +, O , O +worst O worst O +case O case O +complexity O complexity O +, O , O +it O it O +'s O 's O +still O still O +O(N*N) O O(N*N) O +- O - O +think O think O +" O " O +all O all O +of O of O +them O them O +are O are O +primes O primes O +" O " O +for O for O +the O the O +worst O worst O +case O case O +. O . O + +Approach O Approach O +: O : O + +factor O factor O +them O them O +and O and O +store O store O +a O a O +Map[N] B-Code_Block Map[N] B-Code_Block ++ O + O +int O int O +closestNeigh[] O closestNeigh[] O + +take O take O +a O a O +factor O factor O +and O and O +O(N) O O(N) B-Code_Block +determine O determine O +for O for O +each O each O +of O of O +them O them O +the O the O +closest O closest O +that O that O +contain O contain O +that O that O +factor O factor O +( O ( O +prefix/sufix O prefix/sufix O +sums O sums O +will O will O +be O be O +involved O involved O +) O ) O + +eliminate O eliminate O +that O that O +factor O factor O +from O from O +all O all O +the O the O +factor O factor O +maps O maps O + +take O take O +the O the O +next O next O +factor O factor O +. O . O + +Adjust O Adjust O +the O the O +closest O closest O +neighbor O neighbor O +index O index O +only O only O +if O if O +new O new O +one O one O +is O is O +closest O closest O +. O . O + +This O This O +may O may O +bring O bring O +some O some O +" O " O +relief O relief O +" O " O +on O on O +the O the O +line O line O +of O of O +O B-Code_Block O B-Code_Block +( I-Code_Block ( I-Code_Block +N* I-Code_Block N* I-Code_Block + I-Code_Block I-Code_Block +) I-Code_Block ) I-Code_Block +, O , O +but O but O +again O again O +if O if O + B-Code_Block B-Code_Block +== I-Code_Block == I-Code_Block +N I-Code_Block N I-Code_Block +( O ( O +all O all O +primes O primes O +) O ) O +, O , O +then O then O +it O it O +is O is O +still O still O +O(N*N) O O(N*N) O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +40689342 O 40689342 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/40689342/ O https://stackoverflow.com/questions/40689342/ O + + +If O If O +you O you O +are O are O +willing O willing O +to O to O +get O get O +into O into O +factorization O factorization O +, O , O +one O one O +could O could O +traverse O traverse O +the O the O +list B-Data_Structure list O +, O , O +once O once O +from O from O +the O the O +left O left O +, O , O +factoring O factoring O +each O each O +number O number O +, O , O +hashing O hashing O +the O the O +index O index O +of O of O +each O each O +new O new O +prime O prime O +( O ( O +with O with O +the O the O +prime O prime O +as O as O +the O the O +key O key O +) O ) O +, O , O +updating O updating O +the O the O +index O index O +of O of O +each O each O +prime O prime O +already O already O +seen O seen O +, O , O +and O and O +, O , O +of O of O +course O course O +, O , O +noting O noting O +the O the O +nearest O nearest O +seen O seen O +prime O prime O +. O . O + +Since O Since O +this O this O +traversal O traversal O +would O would O +miss O miss O +the O the O +nearest O nearest O +on O on O +the O the O +right O right O +, O , O +conduct O conduct O +another O another O +traversal O traversal O +from O from O +the O the O +right O right O +to O to O +update O update O +any O any O +nearer O nearer O +shared O shared O +prime O prime O +, O , O +using O using O +the O the O +factor O factor O +lists B-Data_Structure lists O +already O already O +saved O saved O +. O . O + +Question_ID O Question_ID O +: O : O +13528130 O 13528130 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13528130/ O https://stackoverflow.com/questions/13528130/ O + + +I O I O +just O just O +read O read O +any O any O +image B-User_Interface_Element image O +and O and O +could O could O +not O not O +get O get O +the O the O +correct O correct O +colors O colors O +. O . O + +I O I O +'ve O 've O +tried O tried O +several O several O +images B-User_Interface_Element images O +with O with O +several O several O +formats O formats O +. O . O + +Please O Please O +advice O advice O +how O how O +to O to O +receive O receive O +the O the O +correct O correct O +colors O colors O +in O in O +WriteableBitmap.GetPixels() B-Function WriteableBitmap.GetPixels() B-Code_Block + +In O In O +the O the O +following O following O +example O example O +, O , O +I O I O +just O just O +cloned O cloned B-Code_Block +the O the I-Code_Block +image B-User_Interface_Element image I-Code_Block +by O by O +reading O reading O +out O out O +the O the O +source O source O +pixel O pixel O +by O by O +pixel O pixel O +and O and O +putting O putting O +this O this O +pixel O pixel O +to O to O +the O the O +new O new O +writeablebitmap B-Class writeablebitmap O +on O on O +same O same O +position O position O +. O . O + +Like O Like O +cloning O cloning O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +13528130 O 13528130 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/13528130/ O https://stackoverflow.com/questions/13528130/ O + + +There O There O +is O is O +a O a O +fault O fault O +in O in O +the O the O +Writeablebitmap B-Class Writeablebitmap O +Ex O Ex O +compiled O compiled O +/ O / O +downloadable O downloadable O +version O version O +1.0.2 B-Version 1.0.2 O +( O ( O +others O others O +version O version O +until O until O +V B-Version V O +1.0.5 I-Version 1.0.5 O +untested O untested O +) O ) O +. O . O + +By O By O +using O using O +the O the O +sourcecode O sourcecode O +of O of O +writeablebitmapex B-Class writeablebitmapex O +Version O Version O +1.0.5 B-Version 1.0.5 O +, O , O +the O the O +method O method O +works O works O +as O as O +it O it O +should O should O +. O . O + +Question_ID O Question_ID O +: O : O +30826425 O 30826425 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30826425/ O https://stackoverflow.com/questions/30826425/ O + + +I O I O +have O have O +one O one O +table B-Data_Structure table O +and O and O +i O i O +am O am O +iterating O iterating O +tr B-HTML_XML_Tag tr O +on O on O +click O click O +of O of O +button B-User_Interface_Element button O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3713 I-Code_Block Q_3713 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +is O is O +page B-User_Interface_Element page O +X B-Variable X O + +I O I O +want O want O +the O the O +all O all O +iterated O iterated O +tr B-HTML_XML_Tag tr O +to O to O +be O be O +in O in O +new O new O +page B-User_Interface_Element page O +Y B-Variable Y O +. O . O + +Here O Here O +is O is O +my O my O +controller O controller O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3714 I-Code_Block Q_3714 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +am O am O +very O very O +new O new O +in O in O +angular B-Library angular O +so O so O +my O my O +bad O bad O +if O if O +code O code O +is O is O +not O not O +as O as O +per O per O +standard O standard O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30826425 O 30826425 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30826425/ O https://stackoverflow.com/questions/30826425/ O + + +Add O Add O +developer O developer O +to O to O +the O the O +$rootScope B-Variable $rootScope O +and O and O +pass O pass O +that O that O +value O value O +to O to O +your O your O +local O local O +scope O scope O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4395 I-Code_Block A_4395 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +on O on O +second O second O +page O page O +use O use O +this O this O +$rootScope B-Variable $rootScope O +to O to O +populate O populate O +local O local O +$scope B-Variable $scope O +and O and O +add O add O +new O new O +ones O ones O +to O to O +it O it O +, O , O +it O it O +will O will O +be O be O +also O also O +accessible O accessible O +to O to O +first O first O +one O one O +. O . O + +Here O Here O +is O is O +a O a O +little O little O +example O example O +on O on O +jsfiddle B-Application jsfiddle O +http://jsfiddle.net/ae8neq3k/ O http://jsfiddle.net/ae8neq3k/ O + +Question_ID O Question_ID O +: O : O +16400513 O 16400513 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16400513/ O https://stackoverflow.com/questions/16400513/ O + + +I O I O +have O have O +the O the O +following O following O +multidimensional O multidimensional O +array B-Data_Structure array O +called O called O +$responses B-Variable $responses O +and O and O +it O it O +looks O looks O +like O like O +this O this O +when O when O +I O I O +do O do O +a O a O +print_r B-Function print_r O + +My O My O +foreach B-Code_Block foreach O +loop O loop O +looks O looks O +like O like O +this O this O +but O but O +it O it O +'s O 's O +not O not O +working O working O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1646 I-Code_Block Q_1646 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +would O would O +like O like O +to O to O +get O get O +an O an O +output O output O +like O like O +this O this O +when O when O +I O I O +do O do O +a O a O +print_r($output) B-Function print_r($output) O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16400513 O 16400513 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16400513/ O https://stackoverflow.com/questions/16400513/ O + + +Seems O Seems O +like O like O +a O a O +simple O simple O +transformation O transformation O +to O to O +me O me O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2122 I-Code_Block A_2122 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16400513 O 16400513 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16400513/ O https://stackoverflow.com/questions/16400513/ O + + +You O You O +can O can O +try O try O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2121 I-Code_Block A_2121 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +it O it O +does O does O +n't O n't O +work O work O +, O , O +please O please O +do O do O +a O a O +" O " O +var_dump B-Function var_dump O +" O " O +on O on O +" O " O +$responses B-Variable $responses O +" O " O +instead O instead O +of O of O +" O " O +print_r B-Function print_r O +" O " O +because O because O +we O we O +did O did O +n't O n't O +view O view O +how O how O +this O this O +variable O variable O +is O is O +exactly O exactly O +defined O defined O +. O . O + +Question_ID O Question_ID O +: O : O +34713402 O 34713402 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34713402/ O https://stackoverflow.com/questions/34713402/ O + + +I O I O +have O have O +created O created O +a O a O +custom O custom O +iterator O iterator O +, O , O +inheriting O inheriting O +from O from O +there O there O +iter B-Class iter B-Code_Block +class O class O +in O in O +the O the O +iterators B-Library iterators B-Code_Block +package O package O +. O . O + +The O The O +iterator O iterator O +and O and O +its O its O +methods O methods O +are O are O +not O not O +exported O exported O +from O from O +the O the O +package O package O +. O . O + +Here O Here O +is O is O +the O the O +iterator O iterator O +and O and O +a O a O +test O test O +function O function O +in O in O +a O a O +script O script O +that O that O +is O is O +reproducible O reproducible O +and O and O +runnable O runnable O +, O , O +the O the O +iterator O iterator O +is O is O +called O called O +pairsRef B-Function pairsRef O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4231 I-Code_Block Q_4231 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +However O However O +, O , O +I O I O +want O want O +to O to O +use O use O +this O this O +iterator O iterator O +to O to O +do O do O +foreach O foreach O +loops O loops O +in O in O +a O a O +package O package O +of O of O +mine O mine O +. O . O + +If O If O +I O I O +put O put O +Test2 B-Function Test2 O +in O in O +a O a O +package O package O +( O ( O +exported O exported O +) O ) O +, O , O +and O and O +I O I O +have O have O +all O all O +the O the O +other O other O +functions O functions O +in O in O +the O the O +package O package O +( O ( O +unexported O unexported O +) O ) O +, O , O +and O and O +I O I O +have O have O +the O the O +package O package O +namespace O namespace O +import O import O +Biostrings B-Library Biostrings O +, O , O +iterators B-Library iterators O +, O , O +and O and O +foreach B-Library foreach O +. O . O + +It O It O +does O does O +not O not O +work O work O +. O . O + +With O With O +a O a O +fresh O fresh O +R B-Language R O +session O session O +, O , O +loading O loading O +the O the O +package O package O +, O , O +and O and O +the O the O +running O running O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4232 I-Code_Block Q_4232 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Results O Results O +in O in O +an O an O +error O error O +: O : O +" O " O +Error O Error O +in O in O +{ O { O +: O : O +attempt B-Error_Name attempt O +to I-Error_Name to O +apply I-Error_Name apply O +non-function I-Error_Name non-function O +" O " O + +Is O Is O +this O this O +because O because O +the O the O +custom O custom O +iterator O iterator O +is O is O +internal O internal O +to O to O +the O the O +package O package O +? O ? O + +Any O Any O +help O help O +or O or O +suggestions O suggestions O +are O are O +greatly O greatly O +appreciated O appreciated O +. O . O + +[ O [ O +EDIT O EDIT O +] O ] O +- O - O +If O If O +I O I O +export O export O +the O the O +iterator O iterator O +and O and O +it O it O +'s O 's O +functions O functions O +from O from O +the O the O +package O package O +. O . O + +Then O Then O +all O all O +works O works O +fine O fine O +. O . O + +But O But O +I O I O +do O do O +n't O n't O +necessarily O necessarily O +want O want O +to O to O +export O export O +iterators O iterators O +of O of O +the O the O +package O package O +. O . O + +Thanks O Thanks O +, O , O + +Ben B-User_Name Ben O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +34713402 O 34713402 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34713402/ O https://stackoverflow.com/questions/34713402/ O + + +In O In O +order O order O +for O for O +it O it O +to O to O +work O work O +inside O inside O +the O the O +package O package O +, O , O +the O the O +method O method O +nextElem B-Function nextElem O +must O must O +be O be O +imported O imported O +from O from O +iterators B-Library iterators O +, O , O +and O and O +then O then O +the O the O +additional O additional O +method O method O +unique O unique O +to O to O +the O the O +package O package O +, O , O +exported O exported O +, O , O +such O such O +that O that O +it O it O +is O is O +visible O visible O +to O to O +the O the O +functions O functions O +in O in O +the O the O +foreach B-Library foreach O +package O package O +namespace O namespace O +. O . O + +Question_ID O Question_ID O +: O : O +18969916 O 18969916 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18969916/ O https://stackoverflow.com/questions/18969916/ O + + +For O For O +example O example O +I O I O +have O have O +the O the O +following O following O +data O data O +in O in O +MongoDB B-Application MongoDB O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1987 I-Code_Block Q_1987 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +I O I O +want O want O +to O to O +query O query O +" O " O +SUM O SUM O +the O the O +number O number O +of O of O +incoming O incoming O +between O between O +11 B-Value 11 O +- I-Value - O +12 I-Value 12 O +" O " O +( O ( O +the O the O +result O result O +should O should O +be O be O +500 B-Value 500 O +) O ) O +, O , O +how O how O +could O could O +I O I O +do O do O +this O this O +using O using O +Mongo B-Application Mongo O +Shell I-Application Shell O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +18969916 O 18969916 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18969916/ O https://stackoverflow.com/questions/18969916/ O + + +As O As O +llovet B-User_Name llovet O +suggested O suggested O +, O , O +the O the O +aggregation B-Library aggregation O +framework O framework O +is O is O +the O the O +way O way O +to O to O +go O go O +. O . O + +Here O Here O +'s O 's O +what O what O +your O your O +query O query O +would O would O +look O look O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2517 I-Code_Block A_2517 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +also O also O +shape O shape O +the O the O +resulting O resulting O +document O document O +to O to O +only O only O +contain O contain O +the O the O +sum O sum O +by O by O +adding O adding O +a O a O +$project B-Variable $project O +operator O operator O +at O at O +the O the O +end O end O +of O of O +the O the O +pipeline O pipeline O +, O , O +like O like O +so O so O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2518 I-Code_Block A_2518 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +35970585 O 35970585 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35970585/ O https://stackoverflow.com/questions/35970585/ O + + +I O I O +have O have O +been O been O +working O working O +on O on O +a O a O +project O project O +that O that O +requires O requires O +JSON B-Language JSON O +for O for O +getting O getting O +data O data O +from O from O +a O a O +large O large O +json B-File_Type json O +file O file O +, O , O +but O but O +I O I O +ran O ran O +into O into O +a O a O +problem O problem O +when O when O +trying O trying O +to O to O +get O get O +a O a O +json B-Language json O +string B-Data_Type string O +using O using O +a O a O +method O method O +. O . O + +the O the O +method O method O +for O for O +getting O getting O +the O the O +ID O ID O +works O works O +I O I O +have O have O +tested O tested O +this O this O +multiple O multiple O +times O times O +. O . O + +When O When O +I O I O +enter O enter O +int O int O +he O he O +ID O ID O +as O as O +a O a O +string B-Data_Type string O +it O it O +also O also O +works O works O +prefectly O prefectly O +but O but O +when O when O +I O I O +use O use O +the O the O +method O method O +to O to O +get O get O +the O the O +jsonString B-Class jsonString O +it O it O +stops O stops O +working O working O +and O and O +gives O gives O +a O a O +nullpoiterexeption B-Error_Name nullpoiterexeption O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4402 I-Code_Block Q_4402 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +is O is O +the O the O +json B-Language json O +string B-Data_Type string O +I O I O +am O am O +trying O trying O +to O to O +get O get O +info O info O +{ B-Code_Block { B-Code_Block +"W1121000-00002": I-Code_Block "W1121000-00002": I-Code_Block +{ I-Code_Block { I-Code_Block +"clnt":1023 I-Code_Block "clnt":1023 I-Code_Block +, I-Code_Block , I-Code_Block +"srvr":870 I-Code_Block "srvr":870 I-Code_Block +} I-Code_Block } I-Code_Block +} B-Code_Block } B-Code_Block +and O and O +I O I O +am O am O +trying O trying O +to O to O +get O get O +the O the O +clnt B-Value clnt B-Code_Block +value O value O +out O out O +of O of O +that O that O +string B-Data_Type string O +. O . O + +Question_ID O Question_ID O +: O : O +24842192 O 24842192 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/24842192/ O https://stackoverflow.com/questions/24842192/ O + + +I O I O +am O am O +using O using O +Pyhton3.4.1 B-Language Pyhton3.4.1 O +and O and O +win7 B-Operating_System win7 O +. O . O + +I O I O +am O am O +trying O trying O +to O to O +reading O reading O +a O a O +txt B-File_Type txt O +file O file O +exported O exported O +from O from O +a O a O +software O software O +. O . O + +it O it O +seems O seems O +that O that O +python B-Language python O +cannot O cannot O +read O read O +this O this O +text B-File_Type text O +file O file O +. O . O + +But O But O +I O I O +found O found O +if O if O +I O I O +open O open O +the O the O +text B-File_Type text O +file O file O +by O by O +notepad B-Application notepad O +and O and O +add O add O +a O a O +space O space O +in O in O +any O any O +place O place O +and O and O +save O save O +it O it O +, O , O +the O the O +python B-Language python O +works O works O +well O well O +then O then O +. O . O + +I O I O +tried O tried O +the O the O +same O same O +code O code O +and O and O +same O same O +file O file O +on O on O +my O my O +mac B-Device mac O +, O , O +it O it O +has O has O +the O the O +same O same O +problem O problem O +as O as O +in O in O +windows B-Operating_System windows O +. O . O + +For O For O +original O original O +text B-File_Type text O +file O file O +, O , O +not O not O +working O working O +, O , O +open O open O +and O and O +saved O saved O +in O in O +windows B-Operating_System windows O +notepad B-Application notepad O +, O , O +working O working O +, O , O + +open O open O +ans O ans O +saved O saved O +in O in O +mac B-Device mac O +textedit B-Application textedit O +, O , O +not O not O +working O working O +. O . O + +I O I O +am O am O +doubting O doubting O +the O the O +original O original O +coding O coding O +of O of O +the O the O +text B-File_Type text O +file O file O +might O might O +not O not O +be O be O +right O right O +. O . O + +Thanks O Thanks O + +Python B-Language Python O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2796 I-Code_Block Q_2796 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Shell B-Application Shell O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2797 I-Code_Block Q_2797 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Plus O Plus O +, O , O +the O the O +error O error O +below O below O +is O is O +the O the O +same O same O +code O code O +reported O reported O +on O on O +my O my O +mac(Python3.4.1,OS10.9) B-Device mac(Python3.4.1,OS10.9) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2798 I-Code_Block Q_2798 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +24842192 O 24842192 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/24842192/ O https://stackoverflow.com/questions/24842192/ O + + +When O When O +you O you O +save O save O +the O the O +file O file O +in O in O +Notepad B-Application Notepad O +, O , O +the O the O +file O file O +is O is O +reencoded O reencoded O +to O to O +be O be O +saved O saved O +as O as O +your O your O +default O default O +file O file O +encoding O encoding O +for O for O +your O your O +Windows B-Operating_System Windows O +installation O installation O +. O . O + +Notepad B-Application Notepad O +auto-detected O auto-detected O +the O the O +encoding O encoding O +when O when O +it O it O +opened O opened O +the O the O +file O file O +, O , O +however O however O +. O . O + +Python B-Language Python O +opens O opens O +file O file O +using O using O +that O that O +same O same O +system O system O +encoding O encoding O +, O , O +by O by O +default O default O +, O , O +which O which O +is O is O +why O why O +you O you O +can O can O +now O now O +open O open O +the O the O +file O file O +. O . O + +Quoting O Quoting O +the O the O +open() B-Function open() B-Code_Block +function O function O +documentation O documentation O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +You O You O +'ll O 'll O +have O have O +to O to O +explicitly O explicitly O +specify O specify O +the O the O +correct O correct O +encoding O encoding O +for O for O +the O the O +file O file O +if O if O +you O you O +wanted O wanted O +to O to O +open O open O +it O it O +directly O directly O +in O in O +Python B-Language Python O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3408 I-Code_Block A_3408 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +used O used O +' B-Value ' B-Code_Block +utf-8-sig I-Value utf-8-sig I-Code_Block +' I-Value ' I-Code_Block +as O as O +an O an O +example O example O +here O here O +, O , O +as O as O +that O that O +is O is O +a O a O +file O file O +encoding O encoding O +that O that O +Notepad B-Application Notepad O +can O can O +auto-detect O auto-detect O +. O . O + +It O It O +could O could O +well O well O +be O be O +that O that O +the O the O +encoding O encoding O +is O is O +UTF-16 B-Value UTF-16 O +or O or O +plain O plain O +UTF-8 B-Value UTF-8 O +or O or O +any O any O +number O number O +of O of O +other O other O +encodings O encodings O +, O , O +however O however O +. O . O + +If O If O +you O you O +think O think O +that O that O +the O the O +page O page O +is O is O +encoded O encoded O +with O with O +a O a O +specific O specific O +ANSI O ANSI O +codepage O codepage O +you O you O +still O still O +have O have O +to O to O +name O name O +the O the O +exact O exact O +codepage O codepage O +. O . O + +Your O Your O +system O system O +is O is O +configured O configured O +to O to O +use O use O +code O code O +page O page O +936 O 936 O +( O ( O +GBK O GBK O +) O ) O +but O but O +that O that O +is O is O +not O not O +the O the O +correct O correct O +encoding O encoding O +for O for O +this O this O +file O file O +. O . O + +See O See O +the O the O +codecs B-Library codecs B-Code_Block +module O module O +for O for O +a O a O +list O list O +of O of O +supported O supported O +encodings O encodings O +. O . O + +Question_ID O Question_ID O +: O : O +1152958 O 1152958 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1152958/ O https://stackoverflow.com/questions/1152958/ O + + +Compile O Compile O +the O the O +following O following O +class O class O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_68 I-Code_Block Q_68 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +using O using O +gcc B-Code_Block gcc B-Code_Block +-fdump-class-hierarchy I-Code_Block -fdump-class-hierarchy I-Code_Block +. O . O + +gcc B-Code_Block gcc B-Code_Block +emits O emits O + +CODE_BLOCK B-Code_Block CODE_BLOCK O +: I-Code_Block : O +( I-Code_Block ( O +code I-Code_Block code O +omitted I-Code_Block omitted O +for I-Code_Block for O +annotation I-Code_Block annotation O +) I-Code_Block ) O + +What O What O +is O is O +the O the O +significance O significance O +of O of O +" O " O +nearly-empty O nearly-empty O +" O " O +? O ? O + +What O What O +does O does O +it O it O +mean O mean O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1152958 O 1152958 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1152958/ O https://stackoverflow.com/questions/1152958/ O + + +I O I O +suppose O suppose O +it O it O +'s O 's O +to O to O +differentiate O differentiate O +it O it O +from O from O +" O " O +empty O empty O +" O " O +, O , O +which O which O +is O is O +what O what O +you O you O +get O get O +if O if O +compile O compile O +a O a O +class O class O +with O with O +no O no O +members O members O +at O at O +all O all O +. O . O + +" O " O +nearly-empty O nearly-empty O +" O " O +seems O seems O +to O to O +mean O mean O +it O it O +hasa O hasa O +vtable B-Data_Structure vtable O +and O and O +nothing O nothing O +else O else O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1152958 O 1152958 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1152958/ O https://stackoverflow.com/questions/1152958/ O + + +The O The O +C++ B-Language C++ O +ABI O ABI O +provides O provides O +a O a O +definition O definition O +of O of O +" O " O +nearly O nearly O +empty O empty O +" O " O +classes O classes O +and O and O +an O an O +interesting O interesting O +discussion O discussion O +of O of O +how O how O +they O they O +affect O affect O +vtable B-Data_Structure vtable O +construction O construction O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +I O I O +ran O ran O +across O across O +this O this O +while O while O +researching O researching O +the O the O +effect O effect O +of O of O +nearly O nearly O +empty O empty O +virtual O virtual O +bases O bases O +on O on O +object O object O +size O size O +, O , O +vtable B-Data_Structure vtable O +size O size O +, O , O +and O and O +virtual O virtual O +call O call O +overhead O overhead O +. O . O + +Question_ID O Question_ID O +: O : O +16261619 O 16261619 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16261619/ O https://stackoverflow.com/questions/16261619/ O + + +I O I O +use O use O +NSJSONSerialization B-Class NSJSONSerialization O +to O to O +call O call O +a O a O +login O login O +url O url O +which O which O +returns O returns O +a O a O +JSON B-Data_Type JSON O +object O object O +. O . O + +This O This O +obj O obj O +has O has O +3 O 3 O +props O props O +: O : O +data B-Variable data O +is O is O +obj O obj O +, O , O +success B-Variable success O +is O is O +boolean B-Data_Type boolean O +( O ( O +NOT O NOT O +String B-Data_Type String O +, O , O +indicates O indicates O +login O login O +success O success O +or O or O +not O not O +) O ) O +, O , O +timeout B-Variable timeout O +is O is O +number B-Data_Type number O +( O ( O +NOT O NOT O +String B-Data_Type String O +) O ) O +. O . O + +The O The O +problem O problem O +is O is O +the O the O +success B-Variable success O +and O and O +timeout B-Variable timeout O +'s O 's O +values O values O +are O are O +null B-Value null O +. O . O + +The O The O +data B-Variable data O +is O is O +fine O fine O +. O . O + +I O I O +tested O tested O +this O this O +url O url O +from O from O +html B-File_Type html O +file O file O +requiring O requiring O +, O , O +it O it O +works O works O +fine O fine O +. O . O + +What O What O +'s O 's O +the O the O +problem O problem O +? O ? O + +http://screencast.com/t/chDMshKPl O http://screencast.com/t/chDMshKPl O + +Question_ID O Question_ID O +: O : O +2004873 O 2004873 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2004873/ O https://stackoverflow.com/questions/2004873/ O + + +I O I O +'m O 'm O +using O using O +the O the O +following O following O +in O in O +my O my O +CSS B-Language CSS O +to O to O +force O force O +a O a O +vertical O vertical O +scrollbar B-User_Interface_Element scrollbar O +in O in O +Firefox B-Application Firefox O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_129 I-Code_Block Q_129 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Does O Does O +this O this O +technique O technique O +work O work O +in O in O +Safari B-Application Safari O +and O and O +Opera B-Application Opera O +? O ? O + +Some O Some O +people O people O +say O say O +it O it O +does O does O +and O and O +some O some O +say O say O +otherwise O otherwise O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2004873 O 2004873 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2004873/ O https://stackoverflow.com/questions/2004873/ O + + +This O This O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_581 I-Code_Block A_581 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +works O works O +in O in O +Opera B-Application Opera O +11.01 B-Version 11.01 O +and O and O +Safari B-Application Safari O +5.0.3 B-Version 5.0.3 O +for O for O +Windows B-Operating_System Windows O +, O , O +but O but O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_582 I-Code_Block A_582 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +does O does O +n't O n't O +work O work O +in O in O +Opera B-Application Opera O +and O and O +works O works O +for O for O +the O the O +rest O rest O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2004873 O 2004873 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2004873/ O https://stackoverflow.com/questions/2004873/ O + + +The O The O +CSS B-Language CSS O +rule O rule O +overflow-y B-Code_Block overflow-y B-Code_Block +: I-Code_Block : I-Code_Block +scroll I-Code_Block scroll I-Code_Block +works O works O +for O for O +me O me O +in O in O +: O : O + +Opera B-Application Opera O +10.10 B-Version 10.10 O + +Google B-Application Google O +Chrome I-Application Chrome O +3.0.195.38 B-Version 3.0.195.38 O + +Mozilla B-Application Mozilla O +Firefox I-Application Firefox O +3.5.6 B-Version 3.5.6 O + +and O and O +obviously O obviously O +all O all O +versions O versions O +of O of O +Microsoft B-Application Microsoft O +Internet I-Application Internet O +Explorer I-Application Explorer O +where O where O +the O the O +scrollbar B-User_Interface_Element scrollbar O +is O is O +always O always O +shown O shown O +. O . O + +Safari B-Application Safari O +and O and O +Google B-Application Google O +Chrome I-Application Chrome O +are O are O +using O using O +the O the O +same O same O +view O view O +engine O engine O +, O , O +so O so O +chances O chances O +are O are O +it O it O +works O works O +in O in O +Safari B-Application Safari O +as O as O +well O well O +:) O :) O + +Question_ID O Question_ID O +: O : O +27210487 O 27210487 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27210487/ O https://stackoverflow.com/questions/27210487/ O + + +I O I O +'m O 'm O +new O new O +in O in O +Kendo B-Application Kendo O +UI I-Application UI O +& O & O +Codeigniter B-Application Codeigniter O +. O . O + +I O I O +have O have O +trouble O trouble O +with O with O +Kendo B-Application Kendo O +UI I-Application UI O +when O when O +i O i O +trying O trying O +to O to O +read O read O +data O data O +from O from O +codeigniter B-Library codeigniter O +controller O controller O +. O . O + +I O I O +can O can O +see O see O +json B-File_Type json O +data O data O +, O , O +which O which O +is O is O +return O return O +from O from O +controller O controller O +, O , O +but O but O +it O it O +not O not O +display O display O +at O at O +Kendo B-Application Kendo O +UI I-Application UI O +grid O grid O +. O . O + +Below O Below O +is O is O +some O some O +screen O screen O +shoot O shoot O +when O when O +i O i O +'m O 'm O +debug O debug O +. O . O + +Here O Here O +is O is O +screen O screen O +shot O shot O +error O error O +http://prntscr.com/5bmn3n O http://prntscr.com/5bmn3n O + +Here O Here O +is O is O +screen O screen O +shot O shot O +data O data O +i O i O +recived O recived O +http://prntscr.com/5bmne5 O http://prntscr.com/5bmne5 O + +Here O Here O +is O is O +screen O screen O +shot O shot O +Kendo B-Application Kendo O +UI I-Application UI O +code O code O +: O : O +prntscr.com/5bmnib O prntscr.com/5bmnib O + +And O And O +here O here O +is O is O +screen O screen O +shot O shot O +my O my O +controller O controller O +code O code O +: O : O +prntscr.com/5bmnni O prntscr.com/5bmnni O + +Hope O Hope O +you O you O +can O can O +help O help O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +27210487 O 27210487 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27210487/ O https://stackoverflow.com/questions/27210487/ O + + +Please O Please O +, O , O +try O try O +to O to O +add O add O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3776 I-Code_Block Q_3776 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Also O Also O +, O , O +please O please O +have O have O +in O in O +mind O mind O +that O that O +" O " O +jsonp B-Class jsonp O +" O " O +is O is O +required O required O +for O for O +cross-domain O cross-domain O +requests O requests O +! O ! O + +Question_ID O Question_ID O +: O : O +23630009 O 23630009 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23630009/ O https://stackoverflow.com/questions/23630009/ O + + +I O I O +am O am O +working O working O +on O on O +an O an O +MVC5 B-Library MVC5 O +application O application O +. O . O + +I O I O +am O am O +having O having O +a O a O +problem O problem O +getting O getting O +the O the O +server-side B-Application server-side O +validation O validation O +of O of O +number O number O +fields O fields O +to O to O +work O work O +for O for O +the O the O +specific O specific O +culture O culture O +( O ( O +de-CH B-Value de-CH O +) O ) O +. O . O + +It O It O +really O really O +feels O feels O +like O like O +it O it O +is O is O +defaulting O defaulting O +to O to O +the O the O +standard O standard O +German O German O +format O format O +. O . O + +I O I O +have O have O +set O set O +the O the O +web.config B-File_Name web.config O +globalization O globalization O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2609 I-Code_Block Q_2609 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +am O am O +not O not O +using O using O +any O any O +resource O resource O +files O files O +, O , O +so O so O +from O from O +what O what O +I O I O +understand O understand O +the O the O +uiCulture B-Class uiCulture O +does O does O +not O not O +come O come O +into O into O +play O play O +. O . O + +The O The O +client B-Application client O +is O is O +using O using O +jquery.globalize B-Variable jquery.globalize O +and O and O +correctly O correctly O +loading O loading O +and O and O +using O using O +the O the O +de-CH B-Value de-CH O +culture O culture O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2610 I-Code_Block Q_2610 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +reports O reports O +the O the O +proper O proper O +culture O culture O +of O of O +' B-Value ' O +de-CH I-Value de-CH O +' I-Value ' O +on O on O +both O both O +machines O machines O +. O . O + +Locally O Locally O +it O it O +validates O validates O +100.00 B-Value 100.00 O +as O as O +correct O correct O +, O , O +but O but O +on O on O +the O the O +server B-Application server O +it O it O +says O says O +that O that O +is O is O +not O not O +a O a O +number O number O +. O . O + +All O All O +of O of O +this O this O +works O works O +properly O properly O +on O on O +my O my O +local O local O +Win7 B-Operating_System Win7 O +IIS7 O IIS7 O +instance O instance O +. O . O + +Though O Though O +when O when O +we O we O +install O install O +it O it O +on O on O +the O the O +client B-Application client O +Win8 B-Operating_System Win8 O +server B-Application server O +it O it O +does O does O +not O not O +work O work O +anymore O anymore O +. O . O + +The O The O +client-side B-Application client-side O +is O is O +validating O validating O +numbers O numbers O +properly O properly O +for O for O +the O the O +de-CH B-Value de-CH O +culture O culture O +' B-Value ' O +0.00 I-Value 0.00 O +' I-Value ' O +, O , O +but O but O +the O the O +server B-Application server O +rejects O rejects O +them O them O +as O as O +invalid O invalid O +. O . O + +The O The O +Date O Date O +formats O formats O +ARE O ARE O +however O however O +working O working O +, O , O +which O which O +just O just O +adds O adds O +to O to O +the O the O +confusion O confusion O +. O . O + +This O This O +is O is O +where O where O +I O I O +wonder O wonder O +if O if O +it O it O +is O is O +somehow O somehow O +falling O falling O +back O back O +to O to O +de-DE B-Value de-DE O +where O where O +the O the O +date O date O +formats O formats O +are O are O +the O the O +same O same O +but O but O +the O the O +number O number O +format O format O +is O is O +' B-Value ' O +0 I-Value 0 O +, I-Value , O +00 I-Value 00 O +' B-Value ' O +. O . O + +Does O Does O +a O a O +server B-Application server O +have O have O +to O to O +have O have O +a O a O +specific O specific O +culture O culture O +enabled/installed O enabled/installed O +? O ? O + +Or O Or O +any O any O +other O other O +ideas O ideas O +to O to O +check O check O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23630009 O 23630009 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23630009/ O https://stackoverflow.com/questions/23630009/ O + + +Finally O Finally O +we O we O +figured O figured O +out O out O +the O the O +problem O problem O +. O . O + +Apparently O Apparently O +there O there O +are O are O +registry O registry O +settings O settings O +for O for O +the O the O +culture O culture O +on O on O +the O the O +server B-Application server O +that O that O +were O were O +set O set O +to O to O +de-AT B-Value de-AT O +. O . O + +These O These O +somehow O somehow O +were O were O +being O being O +honored O honored O +above O above O +the O the O +Web.Config B-File_Name Web.Config O +settings O settings O +. O . O + +Question_ID O Question_ID O +: O : O +43565672 O 43565672 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43565672/ O https://stackoverflow.com/questions/43565672/ O + + +I O I O +need O need O +to O to O +somehow O somehow O +extract O extract O +plain O plain O +HTTP O HTTP O +request O request O +message O message O +from O from O +a O a O +Request B-Class Request B-Code_Block +object O object O +in O in O +Scrapy B-Library Scrapy O +( O ( O +so O so O +that O that O +I O I O +could O could O +, O , O +for O for O +example O example O +, O , O +copy/paste O copy/paste O +this O this O +request O request O +and O and O +run O run O +from O from O +Burp B-Application Burp O +) O ) O +. O . O + +So O So O +given O given O +a O a O +scrapy.http.Request B-Class scrapy.http.Request B-Code_Block +object O object O +, O , O +I O I O +would O would O +like O like O +to O to O +get O get O +the O the O +corresponding O corresponding O +request O request O +message O message O +, O , O +such O such O +as O as O +e.g O e.g O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5581 I-Code_Block Q_5581 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Clearly O Clearly O +I O I O +have O have O +all O all O +the O the O +information O information O +I O I O +need O need O +in O in O +the O the O +Request B-Class Request B-Code_Block +object O object O +, O , O +however O however O +trying O trying O +to O to O +reconstruct O reconstruct O +the O the O +message O message O +manually O manually O +is O is O +error-prone O error-prone O +as O as O +I O I O +could O could O +miss O miss O +some O some O +edge O edge O +cases O cases O +. O . O + +My O My O +understanding O understanding O +is O is O +that O that O +Scrapy B-Library Scrapy O +first O first O +converts O converts O +this O this O +Request B-Class Request B-Code_Block +into O into O +Twisted B-Library Twisted B-Code_Block +object O object O +, O , O +which O which O +then O then O +writes O writes O +headers O headers O +and O and O +body O body O +into O into O +a O a O +TCP O TCP O +transport O transport O +. O . O + +So O So O +maybe O maybe O +there O there O +'s O 's O +away O away O +to O to O +do O do O +something O something O +similar O similar O +, O , O +but O but O +write O write O +to O to O +a O a O +string B-Data_Type string O +instead O instead O +? O ? O + +UPDATE O UPDATE O + +I O I O +could O could O +use O use O +the O the O +following O following O +code O code O +to O to O +get O get O +HTTP O HTTP B-Code_Block +1.0 B-Version 1.0 I-Code_Block +request O request O +message O message O +, O , O +which O which O +is O is O +based O based O +on O on O +http.py B-Class http.py B-Code_Block +. O . O + +Is O Is O +there O there O +a O a O +way O way O +to O to O +do O do O +something O something O +similar O similar O +with O with O +HTTP O HTTP B-Code_Block +1.1 B-Version 1.1 I-Code_Block +requests O requests O +/ O / O +http11.py B-File_Name http11.py B-Code_Block +, O , O +which O which O +is O is O +what O what O +'s O 's O +actually O actually O +being O being O +sent O sent O +? O ? O + +I O I O +would O would O +obviously O obviously O +like O like O +to O to O +avoid O avoid O +duplicating O duplicating O +code O code O +from O from O +Scrapy/Twisted B-Library Scrapy/Twisted B-Code_Block +frameworks O frameworks O +as O as O +much O much O +as O as O +possible O possible O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5582 I-Code_Block Q_5582 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43565672 O 43565672 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43565672/ O https://stackoverflow.com/questions/43565672/ O + + +As O As O +scrapy B-Library scrapy O +is O is O +open O open O +source O source O +and O and O +also O also O +has O has O +plenty O plenty O +of O of O +extension O extension O +points O points O +, O , O +this O this O +should O should O +be O be O +doable O doable O +. O . O + +The O The O +requests O requests O +are O are O +finally O finally O +assembled O assembled O +and O and O +sent O sent O +out O out O +in O in O +scrapy/core/downloader/handlers/http11.py B-File_Name scrapy/core/downloader/handlers/http11.py O +in O in O +ScrapyAgent.download_request B-Function ScrapyAgent.download_request B-Code_Block +( O ( O +https://github.com/scrapy/scrapy/blob/master/scrapy/core/downloader/handlers/http11.py#L270 O https://github.com/scrapy/scrapy/blob/master/scrapy/core/downloader/handlers/http11.py#L270 O +) O ) O + +If O If O +you O you O +place O place O +your O your O +hook O hook O +there O there O +you O you O +can O can O +dump O dump O +the O the O +request O request O +type O type O +, O , O +request O request O +headers O headers O +, O , O +and O and O +request O request O +body O body O +. O . O + +To O To O +place O place O +your O your O +code O code O +there O there O +you O you O +can O can O +either O either O +try O try O +monkey O monkey O +patching O patching O +ScrapyAgent.download_request B-Function ScrapyAgent.download_request B-Code_Block +or O or O +to O to O +subclass O subclass O +ScrapyAgent B-Class ScrapyAgent B-Code_Block +to O to O +do O do O +the O the O +request O request O +logging O logging O +, O , O +then O then O +subclass O subclass O +HTTP11DownloadHandler B-Class HTTP11DownloadHandler B-Code_Block +to O to O +use O use O +your O your O +Scrapy B-Library Scrapy O +Agent O Agent O +and O and O +then O then O +set O set O +HTTP11DownloadHandler B-Class HTTP11DownloadHandler O +as O as O +new O new O +DOWNLOAD_HANDLER B-Class DOWNLOAD_HANDLER O +for O for O +http O http O +/ O / O +https O https O +requests O requests O +in O in O +your O your O +project O project O +'s O 's O +settings.py B-File_Name settings.py O +( O ( O +for O for O +details O details O +see O see O +: O : O +https://doc.scrapy.org/en/latest/topics/settings.html#download-handlers O https://doc.scrapy.org/en/latest/topics/settings.html#download-handlers O +) O ) O + +In O In O +my O my O +opinion O opinion O +this O this O +is O is O +the O the O +closest O closest O +you O you O +can O can O +get O get O +to O to O +logging O logging O +the O the O +requests O requests O +going O going O +out O out O +without O without O +using O using O +a O a O +packet O packet O +sniffer O sniffer O +or O or O +a O a O +logging O logging O +proxy O proxy O +( O ( O +which O which O +might O might O +be O be O +a O a O +bit O bit O +overkill O overkill O +for O for O +your O your O +scenario O scenario O +) O ) O +. O . O + +Question_ID O Question_ID O +: O : O +36118227 O 36118227 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36118227/ O https://stackoverflow.com/questions/36118227/ O + + +From O From O +the O the O +documentation O documentation O +: O : O + +" O " O +Assigning O Assigning O +to O to O +size O size O +, O , O +width O width O +or O or O +height O height O +changes O changes O +the O the O +dimensions O dimensions O +of O of O +the O the O +rectangle O rectangle O +" O " O +. O . O + +I O I O +have O have O +the O the O +following O following O +circle B-User_Interface_Element circle O +, O , O +assign O assign O +a O a O +new O new O +attribute O attribute O +but O but O +no O no O +changes O changes O +can O can O +be O be O +seen O seen O +in O in O +circle B-User_Interface_Element circle O +. O . O + +What O What O +am O am O +i O i O +doing O doing O +wrong O wrong O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4438 I-Code_Block Q_4438 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +36118227 O 36118227 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36118227/ O https://stackoverflow.com/questions/36118227/ O + + +You O You O +draw O draw O +the O the O +circle B-User_Interface_Element circle O +on O on O +the O the O +screen B-User_Interface_Element screen O +surface O surface O +. O . O + +Every O Every O +drawing O drawing O +function O function O +then O then O +returns O returns O +a O a O +Rect B-Class Rect B-Code_Block +, O , O +but O but O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +To O To O +actually O actually O +change O change O +the O the O +circle B-User_Interface_Element circle O +on O on O +the O the O +screen B-User_Interface_Element screen O +, O , O +you O you O +have O have O +to O to O +erase O erase O +it O it O +first O first O +( O ( O +draw O draw O +something O something O +above O above O +it O it O +) O ) O +, O , O +then O then O +draw O draw O +a O a O +new O new O +circle B-User_Interface_Element circle O +in O in O +the O the O +size O size O +you O you O +want O want O +. O . O + +Here O Here O +'s O 's O +a O a O +simple O simple O +example O example O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5160 I-Code_Block A_5160 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +48628260 O 48628260 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48628260/ O https://stackoverflow.com/questions/48628260/ O + + +I O I O +am O am O +attempting O attempting O +to O to O +up-sample O up-sample O +an O an O +icosahedron O icosahedron O +in O in O +MATLAB B-Application MATLAB O +by O by O +adding O adding O +new O new O +vertices O vertices O +at O at O +the O the O +mid-points O mid-points O +of O of O +each O each O +edge O edge O +and O and O +recomputing O recomputing O +the O the O +faces O faces O +. O . O + +I O I O +'ve O 've O +managed O managed O +to O to O +place O place O +the O the O +new O new O +vertices O vertices O +, O , O +but O but O +I O I O +ca O ca O +n't O n't O +figure O figure O +out O out O +how O how O +to O to O +recompute O recompute O +the O the O +new O new O +faces O faces O +. O . O + +I O I O +want O want O +each O each O +vertex O vertex O +to O to O +connect O connect O +to O to O +its O its O +closest O closest O +neighbours O neighbours O +to O to O +form O form O +a O a O +new O new O +, O , O +up-sampled O up-sampled O +icosahedron O icosahedron O +. O . O + +Sample O Sample O +data O data O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6479 I-Code_Block Q_6479 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Code O Code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6480 I-Code_Block Q_6480 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +48628260 O 48628260 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48628260/ O https://stackoverflow.com/questions/48628260/ O + + +For O For O +a O a O +triangle O triangle O +{ O { B-Code_Block +1 B-Value 1 I-Code_Block +, O , I-Code_Block +2 B-Value 2 I-Code_Block +, O , I-Code_Block +3} B-Value 3} I-Code_Block +, O , O +subdividing O subdividing O +will O will O +create O create O +3 O 3 O +new O new O +vertices O vertices O +{ O { B-Code_Block +a B-Variable a I-Code_Block +, O , I-Code_Block +b B-Variable b I-Code_Block +, O , I-Code_Block +c} B-Variable c} I-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7127 I-Code_Block A_7127 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +will O will O +also O also O +create O create O +4 O 4 O +new O new O +faces O faces O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7128 I-Code_Block A_7128 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Your O Your O +code O code O +creates O creates O +the O the O +coordinates O coordinates O +of O of O +the O the O +new O new O +vertices O vertices O +in O in O +V B-Variable V B-Code_Block +such O such O +that O that O +the O the O +a B-Variable a B-Code_Block +vertices O vertices O +for O for O +all O all O +of O of O +the O the O +triangles O triangles O +come O come O +first O first O +, O , O +followed O followed O +by O by O +the O the O +c B-Variable c B-Code_Block +vertices O vertices O +, O , O +and O and O +then O then O +the O the O +b B-Variable b B-Code_Block +vertices O vertices O +. O . O + +First O First O +let O let O +'s O 's O +generate O generate O +the O the O +indices O indices O +of O of O +these O these O +vertices O vertices O +. O . O + +The O The O +new O new O +indices O indices O +start O start O +from O from O +size(S.vertices)+1 B-Code_Block size(S.vertices)+1 B-Code_Block +and O and O +there O there O +are O are O +a O a O +total O total O +of O of O +3*size(S.faces) B-Code_Block 3*size(S.faces) B-Code_Block +of O of O +them O them O +. O . O + +Let O Let O +'s O 's O +also O also O +group O group O +the O the O +new O new O +vertices O vertices O +for O for O +a O a O +each O each O +existing O existing O +face O face O +together O together O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7129 I-Code_Block A_7129 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +gives O gives O +us O us O +all O all O +of O of O +the O the O +new O new O +[ B-Code_Block [ B-Code_Block +a I-Code_Block a I-Code_Block +b I-Code_Block b I-Code_Block +c I-Code_Block c I-Code_Block +] I-Code_Block ] I-Code_Block +faces O faces O +( O ( O +actually O actually O +, O , O +in O in O +[ B-Code_Block [ B-Code_Block +a I-Code_Block a I-Code_Block +c I-Code_Block c I-Code_Block +b I-Code_Block b I-Code_Block +] I-Code_Block ] I-Code_Block +order O order O +) O ) O +in O in O +Vx(f,:) B-Code_Block Vx(f,:) B-Code_Block +with O with O +the O the O +a B-Variable a B-Code_Block +vertices O vertices O +in O in O +Vx(:,1) B-Code_Block Vx(:,1) B-Code_Block +, O , O +the O the O +b B-Variable b B-Code_Block +vertices O vertices O +in O in O +Vx(:,3)<- B-Code_Block Vx(:,3)<- B-Code_Block +- O - O +not O not O +2 B-Value 2 O +! O ! O +, O , O +and O and O +the O the O +c B-Variable c B-Code_Block +vertices O vertices O +in O in O +Vx(:,2) B-Code_Block Vx(:,2) B-Code_Block +. O . O + +Now O Now O +we O we O +need O need O +to O to O +create O create O +the O the O +other O other O +3 O 3 O +new O new O +faces O faces O +for O for O +each O each O +existing O existing O +face O face O +. O . O + +You O You O +can O can O +do O do O +this O this O +using O using O +cat B-Function cat B-Code_Block +, O , O +permute B-Function permute B-Code_Block +and O and O +reshape B-Function reshape B-Code_Block +, O , O +but O but O +it O it O +gets O gets O +really O really O +ugly O ugly O +and O and O +incomprehensible O incomprehensible O +. O . O + +Since O Since O +we O we O +'ve O 've O +only O only O +got O got O +9 O 9 O +vertices O vertices O +that O that O +go O go O +into O into O +these O these O +faces O faces O +, O , O +it O it O +'s O 's O +easier O easier O +to O to O +just O just O +plug O plug O +them O them O +in O in O +manually O manually O +to O to O +create O create O +a O a O +m B-Code_Block m B-Code_Block +x I-Code_Block x I-Code_Block +9 I-Code_Block 9 I-Code_Block +matrix B-Data_Structure matrix O +and O and O +then O then O +reshape B-Function reshape O +into O into O +m*3 B-Code_Block m*3 B-Code_Block +x I-Code_Block x I-Code_Block +3 I-Code_Block 3 I-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7130 I-Code_Block A_7130 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +all O all O +that O that O +'s O 's O +left O left O +is O is O +updating O updating O +S B-Variable S B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7131 I-Code_Block A_7131 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +47203799 O 47203799 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47203799/ O https://stackoverflow.com/questions/47203799/ O + + +So O So O +at O at O +this O this O +point O point O +I O I O +am O am O +running O running O +the O the O +app O app O +by O by O +the O the O +command O command O +: O : O +nodemon B-Code_Block nodemon O +server.js I-Code_Block server.js O +, O , O +I O I O +did O did O +not O not O +deploy O deploy O +. O . O + +I O I O +created O created O +a O a O +Bitnami B-Library Bitnami O +powered O powered O +compute B-Device compute O +engine I-Device engine O +machine O machine O +that O that O +has O has O +MongoDB B-Application MongoDB O +installed O installed O +, O , O +and O and O +it O it O +works O works O +when O when O +I O I O +log O log O +in O in O +to O to O +it O it O +. O . O + +From O From O +my O my O +nodejs B-Application nodejs O +App O App O +engine O engine O +I O I O +connect O connect O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6268 I-Code_Block Q_6268 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +error O error O +I O I O +get O get O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6269 I-Code_Block Q_6269 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +tried O tried O +ssh-ing O ssh-ing O +into O into O +the O the O +compute B-Device compute O +engine I-Device engine O +and O and O +I O I O +did O did O +the O the O +following O following O +: O : O + +adding O adding O +perimision O perimision O +for O for O +port B-Device port O +27017 O 27017 O +: O : O + +gcloud B-Code_Block gcloud B-Code_Block +compute I-Code_Block compute I-Code_Block +firewall-rules I-Code_Block firewall-rules I-Code_Block +create I-Code_Block create I-Code_Block +allow-mongodb I-Code_Block allow-mongodb I-Code_Block +--allow I-Code_Block --allow I-Code_Block +tcp:27017 I-Code_Block tcp:27017 I-Code_Block + +It O It O +said O said O +it O it O +already O already O +exist O exist O +. O . O + +I O I O +changed O changed O +in O in O +mongodb.config B-File_Name mongodb.config O +in O in O +bind_ip B-Variable bind_ip O +to O to O +0.0.0.0 B-Value 0.0.0.0 O +. O . O + +Still O Still O +nothing O nothing O +. O . O + +This O This O +is O is O +very O very O +frustating O frustating O +, O , O +if O if O +you O you O +have O have O +any O any O +idea O idea O +I O I O +would O would O +very O very O +much O much O +apreciate O apreciate O +it O it O +. O . O + +As O As O +a O a O +mention O mention O +, O , O +I O I O +do O do O +not O not O +have O have O +a O a O +lot O lot O +of O of O +experience O experience O +with O with O +this O this O +, O , O +so O so O +please O please O +be O be O +explicit O explicit O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +47203799 O 47203799 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47203799/ O https://stackoverflow.com/questions/47203799/ O + + +I O I O +usually O usually O +do O do O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6885 I-Code_Block A_6885 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +hope O hope O +helped O helped O +. O . O + +Question_ID O Question_ID O +: O : O +10935804 O 10935804 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10935804/ O https://stackoverflow.com/questions/10935804/ O + + +I O I O +need O need O +to O to O +create O create O +a O a O +virtual B-Application virtual O +printer I-Application printer O +that O that O +' O ' O +shreds O shreds O +' O ' O + +Basically O Basically O +here O here O +is O is O +my O my O +problem O problem O +. O . O + +I O I O +have O have O +a O a O +software O software O +program O program O +that O that O +needs O needs O +to O to O +' O ' O +print O print O +' O ' O +a O a O +file O file O +before O before O +it O it O +will O will O +save O save O +it O it O +. O . O + +I O I O +want O want O +to O to O +be O be O +able O able O +to O to O +print O print O +to O to O +my O my O +shredder O shredder O +so O so O +that O that O +it O it O +saves O saves O +the O the O +document O document O +, O , O +but O but O +I O I O +do O do O +n't O n't O +actually O actually O +want O want O +the O the O +document O document O +printed O printed O +. O . O + +So O So O +I O I O +need O need O +to O to O +print O print O +to O to O +a O a O +program O program O +that O that O +securely O securely O +deletes O deletes O +the O the O +document O document O +and O and O +shows O shows O +as O as O +a O a O +driver B-Application driver O +in O in O +Windows B-Operating_System Windows O +. O . O + +How O How O +would O would O +I O I O +go O go O +about O about O +doing O doing O +this O this O +in O in O +C# B-Language C# O +of O of O +VB.Net B-Language VB.Net O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +10935804 O 10935804 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10935804/ O https://stackoverflow.com/questions/10935804/ O + + +No O No O +need O need O +to O to O +write O write O +code O code O +for O for O +this O this O +just O just O +print O print O +to O to O +nul B-Value nul B-Code_Block +. O . O + +This O This O +has O has O +worked O worked O +since O since O +DOS B-Operating_System DOS O +. O . O + +Just O Just O +create O create O +a O a O +new O new O +printer B-Device printer O +, O , O +printing O printing O +to O to O +a O a O +local O local O +port B-Device port O +, O , O +and O and O +put O put O +nul B-Value nul B-Code_Block +in O in O +there O there O +for O for O +the O the O +port B-Device port O +name O name O +. O . O + +http://www.markmmanning.com/blog/2009/01/creating-fake-printer-devnull-for.html O http://www.markmmanning.com/blog/2009/01/creating-fake-printer-devnull-for.html O + +Question_ID O Question_ID O +: O : O +39787671 O 39787671 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39787671/ O https://stackoverflow.com/questions/39787671/ O + + +I O I O +'m O 'm O +generating O generating O +PDF B-File_Type PDF O +files O files O +using O using O +an O an O +old O old O +library O library O +of O of O +iText B-Library iText O +on O on O +Unix B-Operating_System Unix O +. O . O + +Everything O Everything O +is O is O +going O going O +fine O fine O +, O , O +but O but O +my O my O +exploitation O exploitation O +team O team O +has O has O +just O just O +contacted O contacted O +me O me O +telling O telling O +they O they O +are O are O +having O having O +storage O storage O +troubles O troubles O +with O with O +some O some O +temp B-File_Type temp O +files O files O +. O . O + +After O After O +a O a O +discussion O discussion O +, O , O +they O they O +indicate O indicate O +me O me O +a O a O +lot O lot O +of O of O +" B-File_Name " O +Acroaxxxxx I-File_Name Acroaxxxxx O +" I-File_Name " O +files O files O +are O are O +created O created O +under O under O +/tmp B-File_Name /tmp O +folder O folder O +. O . O + +I O I O +'m O 'm O +checking O checking O +it O it O +and O and O +the O the O +files O files O +are O are O +the O the O +same O same O +I O I O +generate O generate O +with O with O +my O my O +application O application O +, O , O +but O but O +my O my O +code O code O +is O is O +not O not O +handling O handling O +this O this O +. O . O + +My O My O +question O question O +is O is O +quite O quite O +simple O simple O +: O : O +can O can O +I O I O +modify O modify O +or O or O +add O add O +something O something O +to O to O +my O my O +code O code O +to O to O +indicate O indicate O +to O to O +iText B-Library iText O +to O to O +delete O delete O +the O the O +tmp B-File_Type tmp O +file O file O +created O created O +during O during O +the O the O +process O process O +? O ? O + +Thnks O Thnks O +! O ! O + +Question_ID O Question_ID O +: O : O +24008410 O 24008410 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/24008410/ O https://stackoverflow.com/questions/24008410/ O + + +This O This O +works O works O + +apache_setenv B-Code_Block apache_setenv O +( I-Code_Block ( O +'sessionID' I-Code_Block 'sessionID' O +, I-Code_Block , O +session_id() I-Code_Block session_id() O +, I-Code_Block , O +TRUE I-Code_Block TRUE O +) I-Code_Block ) O + +BUT O BUT O + +it O it O +only O only O +makes O makes O +sessionID B-Variable sessionID O +appear O appear O +on O on O +GETs B-Code_Block GETs O +of O of O +PHP B-File_Type PHP O +files O files O +which O which O +set O set O +the O the O +variable O variable O +. O . O + +I O I O +would O would O +like O like O +the O the O +sessionID B-Variable sessionID O +to O to O +appear O appear O +on O on O +all O all O +GETs B-Code_Block GETs O +including O including O +js B-File_Type js O +, O , O +jpg B-File_Type jpg O +, O , O +gif B-File_Type gif O +etc O etc O +referred O referred O +from O from O +the O the O +PHP B-File_Type PHP O +file O file O +. O . O + +i.e O i.e O +. O . O +all O all O +the O the O +files O files O +in O in O +the O the O +PHP B-File_Type PHP O +file O file O +. O . O + +I O I O +thought O thought O +that O that O +by O by O +setting O setting O +an O an O +apache B-Application apache O +environment O environment O +variable O variable O +the O the O +variable O variable O +scope O scope O +would O would O +make O make O +it O it O +available O available O +for O for O +every O every O +GET B-Code_Block GET O +from O from O +the O the O +PHP B-File_Type PHP O +file O file O +. O . O + +Is O Is O +there O there O +any O any O +way O way O +to O to O +do O do O +this O this O +? O ? O + +p.s O p.s O +. O . O +I O I O +tried O tried O +setting O setting O +apache B-Function apache O +note I-Function note O +first O first O +and O and O +that O that O +returns O returns O +exactly O exactly O +the O the O +same O same O +. O . O + +Question_ID O Question_ID O +: O : O +19032760 O 19032760 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/19032760/ O https://stackoverflow.com/questions/19032760/ O + + +Getting O Getting O +" O " O +Gateway B-Error_Name Gateway O +error I-Error_Name error O +: O : O +Unable O Unable O +to O to O +read O read O +response O response O +or O or O +response O response O +is O is O +empty O empty O +" O " O +when O when O +I O I O +try O try O +to O to O +post O post O +payments O payments O +to O to O +authorize.net B-Application authorize.net O +. O . O + +Authorize.net B-Application Authorize.net O +cannot O cannot O +see O see O +anything O anything O +coming O coming O +through O through O +, O , O +host O host O +provider O provider O +says O says O +no O no O +issues O issues O +on O on O +their O their O +end O end O +. O . O + +I O I O +am O am O +using O using O +the O the O +Authorize.net B-Application Authorize.net O +payment O payment O +type O type O + +I O I O +have O have O +verified O verified O +my O my O +API B-Variable API O +login I-Variable login O +and O and O +trans B-Variable trans O +ID I-Variable ID O +in O in O +default O default O +, O , O +website O website O +, O , O +and O and O +store O store O +view O view O + +I O I O +have O have O +installed O installed O +cURL B-Application cURL O +SSL I-Application SSL O + +I O I O +have O have O +verified O verified O +no O no O +firewalls B-Application firewalls O +are O are O +blocking O blocking O +connections O connections O +. O . O + +I O I O +am O am O +not O not O +in O in O +testmode O testmode O + +debugging O debugging O +is O is O +on O on O +, O , O +and O and O +results O results O +are O are O +below O below O +. O . O + +Below O Below O +is O is O +the O the O +output O output O +from O from O +the O the O +exception.log B-File_Name exception.log O +file O file O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1991 I-Code_Block Q_1991 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +19032760 O 19032760 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/19032760/ O https://stackoverflow.com/questions/19032760/ O + + +i O i O +think O think O +you O you O +enabled O enabled O +Test O Test O +Mode O Mode O +in O in O +System->Configuration->PaymentMethods B-Application System->Configuration->PaymentMethods O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +19032760 O 19032760 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/19032760/ O https://stackoverflow.com/questions/19032760/ O + + +Turns O Turns O +out O out O +there O there O +was O was O +an O an O +issue O issue O +with O with O +my O my O +nameservers B-Application nameservers O +at O at O +my O my O +host O host O +. O . O + +I O I O +figured O figured O +this O this O +out O out O +using O using O +information O information O +here O here O +: O : O +http://www.magentocommerce.com/boards/viewthread/50611/ O http://www.magentocommerce.com/boards/viewthread/50611/ O +( O ( O +the O the O +referenced O referenced O +thread O thread O +can O can O +be O be O +viewed O viewed O +in O in O +the O the O +internet O internet O +archive O archive O +, O , O +here O here O +https://web.archive.org/web/20150315055800/http://www.magentocommerce.com/boards/viewthread/50611 O https://web.archive.org/web/20150315055800/http://www.magentocommerce.com/boards/viewthread/50611 O +) O ) O + +After O After O +that O that O +I O I O +received O received O +an O an O +error O error O +message O message O +associated O associated O +with O with O +a O a O +blocked O blocked O +IP O IP O +. O . O + +I O I O +added O added O +my O my O +new O new O +ip O ip O +at O at O +accounts.authorize.net O accounts.authorize.net O +in O in O +Tools B-Application Tools O +( O ( O +top O top O +menu B-User_Interface_Element menu O +) O ) O +> O > O +Fraud O Fraud O +Suite O Suite O +( O ( O +left O left O +menu B-User_Interface_Element menu O +) O ) O +> O > O +Authorized O Authorized O +AIM O AIM O +ip O ip O +addresses O addresses O +( O ( O +body O body O +, O , O +second O second O +to O to O +last O last O +item O item O +) O ) O +. O . O + +Question_ID O Question_ID O +: O : O +28485125 O 28485125 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28485125/ O https://stackoverflow.com/questions/28485125/ O + + +I O I O +'m O 'm O +doing O doing O +a O a O +database O database O +project O project O +for O for O +university O university O +and O and O +I O I O +'m O 'm O +having O having O +a O a O +problem O problem O +in O in O +here O here O +. O . O + +I O I O +receive O receive O +from O from O +a O a O +previous O previous O +page O page O +an O an O +id O id O +as O as O +$_POST['ids'] B-Variable $_POST['ids'] O +and O and O +in O in O +the O the O +form O form O +I O I O +send O send O +that O that O +same O same O +value O value O +in O in O +a O a O +hidden O hidden O +field O field O +so O so O +it O it O +can O can O +do O do O +a O a O +sort O sort O +of O of O +a O a O +cicle O cicle O +. O . O + +But O But O +when O when O +I O I O +click O click O +the O the O +submit O submit O +button B-User_Interface_Element button O +I O I O +got O got O +a O a O +lot O lot O +of O of O +errors O errors O +on O on O +$service_info B-Variable $service_info O +and O and O +no O no O +information O information O +is O is O +loaded O loaded O +on O on O +the O the O +page O page O +. O . O + +I O I O +tried O tried O +do O do O +var_dump() B-Function var_dump() O +everything O everything O +and O and O +I O I O +just O just O +ca O ca O +n't O n't O +find O find O +what O what O +is O is O +the O the O +problem O problem O +in O in O +here O here O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3340 I-Code_Block Q_3340 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +28485125 O 28485125 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28485125/ O https://stackoverflow.com/questions/28485125/ O + + +change O change O +inside O inside O +your O your O +form O form O +this O this O +input O input O +hidden O hidden O +you O you O +created O created O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3979 I-Code_Block A_3979 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +to O to O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3980 I-Code_Block A_3980 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +do O do O +n't O n't O +echoing O echoing O +this O this O +value O value O +, O , O +$_POST['ids'] B-Variable $_POST['ids'] O +wo O wo O +n't O n't O +be O be O +get O get O +any O any O +value O value O +passed O passed O +from O from O +form B-User_Interface_Element form O +. O . O + +Question_ID O Question_ID O +: O : O +33651301 O 33651301 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33651301/ O https://stackoverflow.com/questions/33651301/ O + + +I O I O +am O am O +trying O trying O +to O to O +query O query O +the O the O +latest O latest O +insert O insert O +made O made O +to O to O +the O the O +table B-Data_Structure table O +, O , O +Azure B-Application Azure O +Mobile I-Application Mobile O +Service I-Application Service O +adds O adds O +by O by O +default O default O +the O the O +__createdAt B-Variable __createdAt B-Code_Block +column B-Data_Structure column O +. O . O + +So O So O +, O , O +I O I O +am O am O +planning O planning O +to O to O +sort O sort O +the O the O +table B-Data_Structure table O +according O according O +to O to O +that O that O +specific O specific O +column B-Data_Structure column O +, O , O +since O since O +__createdAt B-Variable __createdAt B-Code_Block +is O is O +a O a O +system O system O +property O property O +. O . O + +I O I O +thought O thought O +of O of O +adding O adding O +it O it O +to O to O +my O my O +table B-Data_Structure table O +model O model O +. O . O + +Now O Now O +my O my O +question O question O +is O is O +: O : O +how O how O +to O to O +query O query O +this O this O +in O in O +C# B-Language C# O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +33651301 O 33651301 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33651301/ O https://stackoverflow.com/questions/33651301/ O + + +You O You O +can O can O +have O have O +a O a O +property O property O +in O in O +your O your O +model O model O +that O that O +tracks O tracks O +the O the O +__createdAt B-Variable __createdAt O +column B-Data_Structure column O +, O , O +and O and O +sort O sort O +based O based O +on O on O +that O that O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4813 I-Code_Block A_4813 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +on O on O +the O the O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4814 I-Code_Block A_4814 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +45667456 O 45667456 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45667456/ O https://stackoverflow.com/questions/45667456/ O + + +Hi O Hi O +all O all O +this O this O +is O is O +my O my O +first O first O +question O question O +here O here O +, O , O +I O I O +'m O 'm O +very O very O +new O new O +to O to O +Haskell B-Language Haskell O +and O and O +I O I O +need O need O +to O to O +do O do O +a O a O +Haskell B-Language Haskell O +function O function O +which O which O +takes O takes O +a O a O +Tree B-Data_Structure Tree O +and O and O +returns O returns O +a O a O +list B-Data_Structure list O +of O of O +the O the O +elements O elements O +in O in O +its O its O +node O node O +in O in O +a O a O +preorder O preorder O +traversal O traversal O +but O but O +I O I O +ca O ca O +n't O n't O +get O get O +it O it O +to O to O +work O work O +. O . O + +My O My O +Tree B-Data_Structure Tree O +definition O definition O +is O is O +the O the O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5981 I-Code_Block Q_5981 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +the O the O +preorder B-Function preorder O +function O function O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5982 I-Code_Block Q_5982 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +advance O advance O +thank O thank O +you O you O +very O very O +much O much O +for O for O +your O your O +help O help O +:) O :) O + +Question_ID O Question_ID O +: O : O +25737212 O 25737212 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25737212/ O https://stackoverflow.com/questions/25737212/ O + + +I O I O +have O have O +a O a O +ListView B-Class ListView O +in O in O +my O my O +Windows B-Application Windows O +Store I-Application Store O +App O App O +, O , O +which O which O +selects O selects O +a O a O +template O template O +through O through O +dataTemplateSelector B-Class dataTemplateSelector O +. O . O + +In O In O +the O the O +ItemTemplate B-Class ItemTemplate O +of O of O +ListView B-Class ListView O +, O , O +i O i O +have O have O +an O an O +image B-User_Interface_Element image O +. O . O + +I O I O +do O do O +n't O n't O +want O want O +to O to O +fix O fix O +the O the O +height B-Variable height O +and O and O +width B-Variable width O +of O of O +the O the O +image B-User_Interface_Element image O +, O , O +i O i O +want O want O +to O to O +allow O allow O +it O it O +to O to O +adjust O adjust O +itself O itself O +with O with O +the O the O +space O space O +available O available O +. O . O + +So O So O +the O the O +image B-User_Interface_Element image O +can O can O +be O be O +displayed O displayed O +bigger O bigger O +in O in O +big O big O +screen O screen O +size O size O +. O . O + +Following O Following O +is O is O +my O my O +ListView B-Class ListView O +XAML B-Language XAML O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2934 I-Code_Block Q_2934 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +have O have O +set O set O +VerticalContentAlignment B-Class VerticalContentAlignment O +to O to O +Stretch O Stretch O +, O , O +this O this O +stretches O stretches O +my O my O +ListViewItem B-Class ListViewItem O +to O to O +the O the O +size O size O +of O of O +ListView B-Class ListView O +, O , O +but O but O +the O the O +problem O problem O +is O is O +when O when O +the O the O +image B-User_Interface_Element image O +inside O inside O +the O the O +Item B-User_Interface_Element Item O +is O is O +bigger O bigger O +, O , O +it O it O +increases O increases O +the O the O +size O size O +of O of O +ListViewItem B-Class ListViewItem O +larger O larger O +than O than O +ListView B-Class ListView O +. O . O + +I O I O +have O have O +also O also O +tried O tried O +setting O setting O +the O the O +height B-Variable height O +of O of O +ListViewItem B-Class ListViewItem O +in O in O +the O the O +above O above O +code O code O +by O by O +adding O adding O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2935 I-Code_Block Q_2935 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Following O Following O +is O is O +the O the O +code O code O +of O of O +my O my O +ItemTemplate B-Class ItemTemplate O +, O , O +which O which O +is O is O +being O being O +selected O selected O +through O through O +ItemTemplateSelector B-Variable ItemTemplateSelector O +, O , O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2936 I-Code_Block Q_2936 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +Grid B-User_Interface_Element Grid O +at O at O +Row O Row O +Number O Number O +1 B-Value 1 O + I-Code_Block > I-Code_Block +, O , O +contains O contains O +the O the O +image B-User_Interface_Element image O +which O which O +makes O makes O +the O the O +height B-Variable height O +go O go O +larger O larger O +than O than O +the O the O +ListView B-Class ListView O +. O . O + +I O I O +want O want O +to O to O +allow O allow O +this O this O +Grid B-User_Interface_Element Grid O +to O to O +stretch O stretch O +itself O itself O +to O to O +the O the O +size O size O +of O of O +its O its O +parent O parent O +. O . O + +But O But O +not O not O +cross O cross O +the O the O +size O size O +of O of O +its O its O +parent O parent O +. O . O + +in O in O +other O other O +word O word O +, O , O +i O i O +simply O simply O +want O want O +to O to O +bind O bind O +its O its O +height B-Variable height O +to O to O +its O its O +parent O parent O +. O . O + +Please O Please O +help O help O +me O me O +out O out O +, O , O +i O i O +am O am O +stuck O stuck O +here O here O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25737212 O 25737212 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25737212/ O https://stackoverflow.com/questions/25737212/ O + + +I O I O +have O have O +managed O managed O +to O to O +solve O solve O +this O this O +in O in O +my O my O +own O own O +project O project O +by O by O +binding O binding O +the O the O +Height B-Variable Height B-Code_Block +of O of O +the O the O +Grid B-Class Grid B-Code_Block +in O in O +the O the O +DataTemplate B-Class DataTemplate B-Code_Block +to O to O +the O the O +ActualHeight B-Variable ActualHeight B-Code_Block +of O of O +the O the O +ListView B-Class ListView B-Code_Block +. O . O + +I O I O +does O does O +not O not O +seem O seem O +to O to O +work O work O +if O if O +the O the O +binding O binding O +is O is O +in O in O +the O the O +ListView.ItemContainerStyle B-HTML_XML_Tag ListView.ItemContainerStyle B-Code_Block +style O style O +as O as O +a O a O +setter O setter O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3669 I-Code_Block A_3669 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25737212 O 25737212 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25737212/ O https://stackoverflow.com/questions/25737212/ O + + +have O have O +you O you O +tried O tried O +to O to O +change O change O +the O the O +Row B-Class Row O +Definition I-Class Definition O +applied O applied O +for O for O +that O that O +image O image O +to O to O +' O ' O +Auto B-Value Auto O +' O ' O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3546 I-Code_Block Q_3546 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +36540603 O 36540603 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36540603/ O https://stackoverflow.com/questions/36540603/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4498 I-Code_Block Q_4498 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +36540603 O 36540603 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36540603/ O https://stackoverflow.com/questions/36540603/ O + + +try O try O +this O this O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5232 I-Code_Block A_5232 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +36540603 O 36540603 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36540603/ O https://stackoverflow.com/questions/36540603/ O + + +Since O Since O +there O there O +is O is O +no O no O +OrderAmount B-Variable OrderAmount O +type O type O +column B-Data_Structure column O +, O , O +I O I O +am O am O +assuming O assuming O +what O what O +you O you O +need O need O +is O is O +maximum O maximum O +number O number O +of O of O +orders O orders O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5233 I-Code_Block A_5233 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +12253248 O 12253248 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12253248/ O https://stackoverflow.com/questions/12253248/ O + + +Let O Let O +'s O 's O +say O say O +your O your O +working O working O +on O on O +a O a O +product O product O +, O , O +and O and O +you O you O +realise O realise O +that O that O +some O some O +of O of O +the O the O +code O code O +is O is O +general O general O +enough O enough O +to O to O +be O be O +extracted O extracted O +out O out O +to O to O +a O a O +gem B-File_Type gem O +. O . O + +So O So O +you O you O +create O create O +a O a O +new O new O +project O project O +, O , O +build O build O +the O the O +gem O gem O +, O , O +publish O publish O +it O it O +to O to O +Rubygems B-Website Rubygems O +, O , O +and O and O +then O then O +reference O reference O +it O it O +in O in O +your O your O +main O main O +project O project O +'s O 's O +Gemfile B-File_Type Gemfile O +. O . O + +Then O Then O +you O you O +discover O discover O +a O a O +small O small O +bug O bug O +with O with O +how O how O +the O the O +gem B-File_Type gem O +interacts O interacts O +with O with O +your O your O +product O product O +. O . O + +Each O Each O +time O time O +your O your O +make O make O +a O a O +fix O fix O +, O , O +building O building O +and O and O +installing O installing O +the O the O +gem B-File_Type gem O +locally O locally O +can O can O +take O take O +about O about O +15 O 15 O +seconds O seconds O +. O . O + +How O How O +do O do O +you O you O +minimise O minimise O +this O this O +to O to O +have O have O +a O a O +quick O quick O +develop/test O develop/test O +cycle O cycle O +? O ? O + +( O ( O +Also O Also O +it O it O +seems O seems O +that O that O +the O the O +locally O locally O +built O built O +gem B-File_Type gem O +'s O 's O +version O version O +number O number O +could O could O +contradict O contradict O +with O with O +what O what O +you O you O +'ve O 've O +pushed O pushed O +to O to O +Rubygems B-Website Rubygems O +, O , O +leading O leading O +to O to O +confusion O confusion O +. O . O +) O ) O + +Any O Any O +best O best O +practice O practice O +guides O guides O +on O on O +this O this O +subject O subject O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +12253248 O 12253248 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/12253248/ O https://stackoverflow.com/questions/12253248/ O + + +bundler B-Application bundler O +does O does O +n't O n't O +just O just O +know O know O +how O how O +to O to O +get O get O +gems B-File_Type gems O +from O from O +rubygems B-Website rubygems O +. O . O + +You O You O +could O could O +point O point O +it O it O +at O at O +a O a O +git B-Application git O +repository O repository O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1591 I-Code_Block A_1591 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +or O or O +, O , O +much O much O +more O more O +conveniently O conveniently O +in O in O +this O this O +case O case O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1592 I-Code_Block A_1592 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +where O where O +the O the O +path O path O +option O option O +points O points O +to O to O +the O the O +folder O folder O +with O with O +the O the O +gem B-File_Type gem O +'s O 's O +source O source O + +Question_ID O Question_ID O +: O : O +39610091 O 39610091 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39610091/ O https://stackoverflow.com/questions/39610091/ O + + +There O There O +are O are O +two O two O +files O files O +that O that O +I O I O +am O am O +able O able O +to O to O +modify O modify O + +header.tpl B-File_Name header.tpl O +and O and O +product.tpl B-File_Name product.tpl O + +I O I O +do O do O +not O not O +have O have O +access O access O +to O to O +any O any O +of O of O +the O the O +controller O controller O +or O or O +model O model O +files O files O + +For O For O +SEO O SEO O +purposes O purposes O +I O I O +am O am O +trying O trying O +to O to O +modifiy O modifiy O +the O the O +following O following O +meta O meta O +data O data O +while O while O +on O on O +a O a O +product O product O +page O page O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4996 I-Code_Block Q_4996 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Currently O Currently O +$description B-Variable $description B-Code_Block +does O does O +not O not O +have O have O +any O any O +output O output O +. O . O + +However O However O +on O on O +my O my O +product.tpl B-File_Name product.tpl B-Code_Block +I O I O +have O have O +a O a O +variable O variable O + I-Code_Block ?> I-Code_Block +which O which O +is O is O +essentially O essentially O +the O the O +text O text O +that O that O +I O I O +would O would O +like O like O +to O to O +have O have O +in O in O +the O the O +header O header O +meta O meta B-Code_Block +data O data O +. O . O + +Is O Is O +this O this O +even O even O +possible O possible O +to O to O +achieve O achieve O +without O without O +accessing O accessing O +the O the O +model/controller O model/controller O +or O or O +am O am O +I O I O +just O just O +wasting O wasting O +my O my O +time O time O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +39610091 O 39610091 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39610091/ O https://stackoverflow.com/questions/39610091/ O + + +As O As O +noted O noted O +in O in O +the O the O +comments O comments O +: O : O +Once O Once O +something O something O +has O has O +been O been O +sent O sent O +to O to O +the O the O +browser B-Application browser O +( O ( O +or O or O +any O any O +other O other O +output O output O +) O ) O +, O , O +it O it O +is O is O +impossible O impossible O +to O to O +change O change O +it O it O +server-side B-Application server-side O +. O . O + +The O The O +best O best O +solution O solution O +, O , O +if O if O +you O you O +are O are O +able O able O +to O to O +edit O edit O +the O the O +contents O contents O +of O of O +the O the O +header O header O +with O with O +preg_replace() B-Function preg_replace() B-Code_Block +etc O etc O +, O , O +is O is O +to O to O +simply O simply O +set O set O +the O the O +variable O variable O +before O before O +including O including O +the O the O +header O header O +. O . O + +So O So O +that O that O +instead O instead O +of O of O +something O something O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5718 I-Code_Block A_5718 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +move O move O +all O all O +of O of O +the O the O +processing O processing O +before O before O +you O you O +start O start O +to O to O +output O output O +anything O anything O +to O to O +the O the O +browser B-Application browser O +, O , O +which O which O +completely O completely O +eliminates O eliminates O +the O the O +paradox O paradox O +of O of O +having O having O +to O to O +change O change O +something O something O +you O you O +'ve O 've O +already O already O +sent O sent O +. O . O + +Which O Which O +should O should O +leave O leave O +you O you O +with O with O +a O a O +code O code O +looking O looking O +something O something O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5719 I-Code_Block A_5719 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +also O also O +has O has O +the O the O +added O added O +benefit O benefit O +of O of O +making O making O +your O your O +PHP B-Language PHP O +code O code O +much O much O +simpler O simpler O +to O to O +read O read O +, O , O +and O and O +thus O thus O +easier O easier O +to O to O +maintain O maintain O +in O in O +the O the O +long O long O +run O run O +. O . O + +Even O Even O +on O on O +this O this O +small O small O +code O code O +sample O sample O +, O , O +you O you O +can O can O +see O see O +the O the O +difference O difference O +a O a O +proper O proper O +seperation O seperation O +of O of O +concerns O concerns O +does O does O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +39610091 O 39610091 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/39610091/ O https://stackoverflow.com/questions/39610091/ O + + +The O The O +not O not O +so O so O +pretty O pretty O +but O but O +functional O functional O +solution O solution O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5717 I-Code_Block A_5717 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +9984224 O 9984224 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9984224/ O https://stackoverflow.com/questions/9984224/ O + + +I O I O +have O have O +this O this O +code O code O +in O in O +a O a O +.html.erb B-File_Type .html.erb O +file O file O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_872 I-Code_Block Q_872 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +is O is O +working O working O +correctly O correctly O +, O , O +and O and O +I O I O +can O can O +access O access O +the O the O +@consumer B-Variable @consumer O +.name I-Variable .name O +correctly O correctly O +. O . O + +However O However O +, O , O +if O if O +I O I O +change O change O +this O this O +to O to O +: O : O + +Where O Where O +facebook_consumer.js B-File_Name facebook_consumer.js O +looks O looks O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_873 I-Code_Block Q_873 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +will O will O +dump O dump O +this O this O +: O : O + +You O You O +liked O liked O +<%= B-Code_Block <%= B-Code_Block +@consumer.name I-Code_Block @consumer.name I-Code_Block +%> I-Code_Block %> I-Code_Block +. O . O + +I O I O +have O have O +tried O tried O +saving O saving O +the O the O +file O file O +as O as O +js.erb B-File_Name js.erb O +, O , O +but O but O +then O then O +it O it O +seems O seems O +it O it O +does O does O +n't O n't O +know O know O +what O what O +@consumer B-Variable @consumer O +is O is O +. O . O + +Any O Any O +thoughts O thoughts O +on O on O +what O what O +is O is O +the O the O +best O best O +approach O approach O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9984224 O 9984224 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9984224/ O https://stackoverflow.com/questions/9984224/ O + + +You O You O +ca O ca O +n't O n't O +inline O inline O +Ruby B-Language Ruby O +code O code O +into O into O +.js B-File_Type .js O +files O files O +. O . O + +If O If O +you O you O +want O want O +to O to O +use O use O +Ruby B-Language Ruby O +code O code O +, O , O +you O you O +need O need O +to O to O +create O create O +a O a O +.js.erb B-File_Type .js.erb O +file O file O +and O and O +then O then O +render O render O +a O a O +partial O partial O +inside O inside O +of O of O +that O that O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1269 I-Code_Block A_1269 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9984224 O 9984224 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9984224/ O https://stackoverflow.com/questions/9984224/ O + + +Your O Your O +best O best O +bet O bet O +is O is O +probably O probably O +to O to O +create O create O +an O an O +app-wide O app-wide O +JS B-Language JS O +object O object O +to O to O +store O store O +values O values O +you O you O +need O need O +. O . O + +At O At O +the O the O +top O top O +of O of O +the O the O +page O page O +, O , O +you O you O +can O can O +add O add O +elements O elements O +to O to O +this O this O +object O object O +, O , O +and O and O +they O they O +will O will O +be O be O +available O available O +to O to O +your O your O +linked O linked O +scripts O scripts O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1268 I-Code_Block A_1268 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +6101805 O 6101805 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6101805/ O https://stackoverflow.com/questions/6101805/ O + + +This O This O +is O is O +a O a O +multi O multi O +threaded O threaded O +scenario O scenario O +. O . O + +The O The O +main O main O +thread O thread O +handles O handles O +the O the O +application O application O +and O and O +UI O UI O +events O events O +, O , O +and O and O +it O it O +starts O starts O +up O up O +a O a O +new O new O +thread O thread O +to O to O +do O do O +some O some O +background O background O +operations O operations O +. O . O + +The O The O +" O " O +background O background O +" O " O +thread O thread O +loads O loads O +the O the O +data O data O +from O from O +files O files O +into O into O +a O a O +data-table O data-table O +of O of O +a O a O +strongly-typed O strongly-typed O +dataset O dataset O +. O . O + +The O The O +DataGridView B-Class DataGridView B-Code_Block +is O is O +bound O bound O +to O to O +that O that O +DataTable B-Class DataTable B-Code_Block +. O . O + +Once O Once O +the O the O +data O data O +is O is O +ready O ready O +, O , O +the O the O +" O " O +background O background O +" O " O +thread O thread O +invokes O invokes O +the O the O +refresh() B-Function refresh() B-Code_Block +function O function O +of O of O +the O the O +DataGridView B-Class DataGridView B-Code_Block +on O on O +the O the O +form O form O +. O . O + +If O If O +there O there O +are O are O +more O more O +lines O lines O +then O then O +what O what O +fits O fits O +on O on O +one O one O +screen B-Device screen O +and O and O +the O the O +vertical B-User_Interface_Element vertical O +scrollbar I-User_Interface_Element scrollbar O +is O is O +to O to O +appear O appear O +: O : O +the O the O +grid B-User_Interface_Element grid O +crashes O crashes O +. O . O + +The O The O +new O new O +datalines B-User_Interface_Element datalines O +are O are O +always O always O +displayed O displayed O +. O . O + +Error O Error O +only O only O +occurs O occurs O +if O if O +there O there O +are O are O +enough O enough O +lines O lines O +to O to O +display O display O +the O the O +scrollbar B-User_Interface_Element scrollbar O +( O ( O +see O see O +image B-User_Interface_Element image O +below O below O +) O ) O +. O . O + +I O I O +use O use O +.NET B-Library .NET O +3.5 B-Version 3.5 O +. O . O + +In O In O +Windows B-Operating_System Windows O +XP B-Version XP O +it O it O +crashes O crashes O +the O the O +whole O whole O +application O application O +. O . O + +On O On O +Win B-Operating_System Win O +7 B-Version 7 O +( O ( O +64 B-Version 64 O +bit I-Version bit O +) O ) O +only O only O +the O the O +grid B-User_Interface_Element grid O +becomes O becomes O +unresponsive O unresponsive O +, O , O +but O but O +once O once O +I O I O +resize O resize O +the O the O +window B-User_Interface_Element window O +the O the O +scrollbar B-User_Interface_Element scrollbar O +appears O appears O +and O and O +all O all O +is O is O +fine O fine O +. O . O + +The O The O +relevant O relevant O +parts O parts O +of O of O +the O the O +code O code O +are O are O +attached O attached O +below O below O +. O . O + +Grid O Grid O +refresh B-Function refresh O +operation O operation O +in O in O +the O the O +form O form O +'s O 's O +.cs B-File_Type .cs O +file O file O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_436 I-Code_Block Q_436 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +update O update O +part O part O +in O in O +the O the O +" O " O +background O background O +" O " O +thread O thread O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_437 I-Code_Block Q_437 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +objects O objects O +related O related O +to O to O +the O the O +" O " O +background O background O +" O " O +thread O thread O +have O have O +a O a O +direct O direct O +reference O reference O +to O to O +the O the O +DataSet B-Class DataSet B-Code_Block +( O ( O +UiDataSource B-Class UiDataSource B-Code_Block +) O ) O +. O . O + +The O The O +DataTable B-Class DataTable B-Code_Block +( O ( O +CurrentSamples B-Class CurrentSamples B-Code_Block +) O ) O +is O is O +updated O updated O +in O in O +the O the O +following O following O +manner O manner O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_438 I-Code_Block Q_438 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +DataGridView B-Class DataGridView B-Code_Block +options O options O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_439 I-Code_Block Q_439 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +I O I O +made O made O +a O a O +mistake O mistake O +somewhere O somewhere O +please O please O +point O point O +it O it O +out O out O +to O to O +me O me O +. O . O + +@ChrisF B-User_Name @ChrisF O +: O : O + +I O I O +tried O tried O +removing O removing O +the O the O +refresh() B-Function refresh() B-Code_Block +statement O statement O +, O , O +as O as O +I O I O +am O am O +doing O doing O +pretty O pretty O +much O much O +the O the O +same O same O +what O what O +u O u O +suggested O suggested O +. O . O + +The O The O +only O only O +difference O difference O +is O is O +the O the O +databinding O databinding O +, O , O +it O it O +looks O looks O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_440 I-Code_Block Q_440 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +I O I O +update O update O +the O the O +dataTable B-Class dataTable B-Code_Block +in O in O +a O a O +similar O similar O +way O way O +, O , O +but O but O +from O from O +another O another O +thread O thread O +. O . O + +But O But O +the O the O +new O new O +data O data O +lines O lines O +do O do O +not O not O +appear O appear O +until O until O +I O I O +, O , O +say O say O +, O , O +resize O resize O +the O the O +window B-User_Interface_Element window O +. O . O + +Which O Which O +raises O raises O +the O the O +question O question O +how O how O +I O I O +can O can O +properly O properly O +update O update O +the O the O +dataTable B-Class dataTable B-Code_Block +from O from O +another O another O +thread O thread O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +6101805 O 6101805 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6101805/ O https://stackoverflow.com/questions/6101805/ O + + +I O I O +'m O 'm O +guessing O guessing O +the O the O +problem O problem O +has O has O +to O to O +do O do O +with O with O +how O how O +WinForms B-Library WinForms O +works O works O +inside O inside O +the O the O +STA O STA O +model O model O +for O for O +threading O threading O +. O . O + +Basically O Basically O +, O , O +the O the O +DataTable B-Class DataTable O +you O you O +'re O 're O +accessing O accessing O +is O is O +located O located O +somewhere O somewhere O +, O , O +and O and O +that O that O +is O is O +probably O probably O +inside O inside O +the O the O +form O form O +we O we O +see O see O +above O above O +. O . O + +So O So O +, O , O +when O when O +you O you O +update O update O +the O the O +DataTable B-Class DataTable O +from O from O +another O another O +thread O thread O +, O , O +which O which O +thread O thread O +gets O gets O +the O the O +events O events O +needed O needed O +for O for O +binding O binding O +? O ? O + +Likely O Likely O +the O the O +thread O thread O +you O you O +update O update O +it O it O +from O from O +, O , O +and O and O +the O the O +form O form O +'s O 's O +thread O thread O +is O is O +not O not O +aware O aware O +of O of O +the O the O +changes O changes O +being O being O +made O made O +. O . O + +So O So O +, O , O +you O you O +simply O simply O +need O need O +to O to O +invoke O invoke O +any O any O +calls O calls O +to O to O +DataTable B-Class DataTable O +onto O onto O +the O the O +form O form O +itself O itself O +, O , O +so O so O +it O it O +receives O receives O +the O the O +events O events O +properly O properly O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_683 I-Code_Block A_683 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +seems O seems O +backwards O backwards O +, O , O +but O but O +keep O keep O +in O in O +mind O mind O +in O in O +an O an O +" O " O +enterprise O enterprise O +" O " O +situation O situation O +, O , O +you O you O +'d O 'd O +probably O probably O +be O be O +accessing O accessing O +that O that O +dataset O dataset O +by O by O +multiple O multiple O +adapters O adapters O +. O . O + +So O So O +, O , O +your O your O +update O update O +thread O thread O +would O would O +have O have O +an O an O +adapter O adapter O +to O to O +itself O itself O +, O , O +and O and O +your O your O +GUI O GUI O +would O would O +have O have O +its O its O +own O own O +also O also O +. O . O + +The O The O +other O other O +solution O solution O +would O would O +be O be O +to O to O +use O use O +a O a O +BindingList B-Class BindingList B-Code_Block +, O , O +which O which O +I O I O +believe O believe O +has O has O +thread O thread O +compatibility O compatibility O +for O for O +this O this O +type O type O +of O of O +situation O situation O +, O , O +but O but O +do O do O +n't O n't O +quote O quote O +me O me O +on O on O +that O that O +. O . O + +For O For O +extra O extra O +credit O credit O +, O , O +this O this O +could O could O +also O also O +explain O explain O +your O your O +problem O problem O +before O before O +with O with O +crashing O crashing O +. O . O + +By O By O +accessing O accessing O +the O the O +DataGridView B-Class DataGridView B-Code_Block +from O from O +the O the O +background O background O +thread O thread O +, O , O +you O you O +had O had O +cross-thread O cross-thread O +operations O operations O +going O going O +on O on O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +6101805 O 6101805 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6101805/ O https://stackoverflow.com/questions/6101805/ O + + +I O I O +would O would O +n't O n't O +call O call O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_680 I-Code_Block A_680 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +These O These O +will O will O +take O take O +progressively O progressively O +longer O longer O +and O and O +longer O longer O +as O as O +the O the O +data O data O +set O set O +gets O gets O +larger O larger O +and O and O +larger O larger O +. O . O + +I O I O +'ve O 've O +written O written O +an O an O +application O application O +that O that O +uses O uses O +a O a O +DataGridView B-Class DataGridView B-Code_Block +to O to O +display O display O +mp3 B-File_Type mp3 O +file O file O +information O information O +. O . O + +I O I O +set O set O +the O the O +DataSource B-Class DataSource B-Code_Block +of O of O +the O the O +DataGridView B-Class DataGridView B-Code_Block +to O to O +a O a O +DataTable B-Class DataTable B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_681 I-Code_Block A_681 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +then O then O +simply O simply O +add O add O +the O the O +new O new O +information O information O +to O to O +the O the O +DataTable B-Class DataTable B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_682 I-Code_Block A_682 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +automatically O automatically O +updates O updates O +the O the O +DataGridView B-Class DataGridView B-Code_Block +. O . O + +Question_ID O Question_ID O +: O : O +35389568 O 35389568 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35389568/ O https://stackoverflow.com/questions/35389568/ O + + +find O find O +3rd O 3rd O +td B-HTML_XML_Tag td O +in O in O +tr B-HTML_XML_Tag tr O +where O where O +class O class O +contains O contains O +zebra O zebra O + +The O The O +photo O photo O +shows O shows O +what O what O +I O I O +'m O 'm O +working O working O +with O with O +. O . O + +For O For O +each O each O +of O of O +the O the O +4 O 4 O +animals O animals O +, O , O +I O I O +need O need O +to O to O +select O select O +the O the O +associated O associated O +quantity O quantity O +( O ( O +which O which O +is O is O +always O always O +the O the O +3rd O 3rd O +td B-HTML_XML_Tag td O +in O in O +the O the O +tr B-HTML_XML_Tag tr O +) O ) O +. O . O + +In O In O +the O the O +html B-Language html O +below O below O +, O , O +you O you O +can O can O +see O see O +zebra B-Value zebra O +has O has O +quantity O quantity O +1 B-Value 1 O +, O , O +and O and O +lion B-Value lion O +has O has O +quantity O quantity O +1 B-Value 1 O +. O . O + +I O I O +have O have O +been O been O +unsuccessful O unsuccessful O +finding O finding O +by O by O +class O class O +. O . O + +Maybe O Maybe O +you O you O +tell O tell O +me O me O +why O why O +. O . O + +Is O Is O +it O it O +because O because O +of O of O +the O the O +space O space O +in O in O +the O the O +string B-Data_Type string O +? O ? O + +A O A O +simple O simple O +xpath B-Language xpath O +wo O wo O +n't O n't O +work O work O +because O because O +the O the O +tr B-HTML_XML_Tag tr O +tags O tags O +change O change O +depending O depending O +on O on O +user O user O +inputs O inputs O +on O on O +the O the O +prior O prior O +page B-User_Interface_Element page O +. O . O + +I O I O +'ve O 've O +also O also O +tried O tried O +to O to O +select O select O +by O by O +xpath B-Language xpath O +with O with O +contains O contains O +method O method O +to O to O +no O no O +avail O avail O +. O . O + +Maybe O Maybe O +I O I O +'m O 'm O +just O just O +not O not O +doing O doing O +it O it O +right O right O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35389568 O 35389568 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35389568/ O https://stackoverflow.com/questions/35389568/ O + + +Yes O Yes O +you O you O +cannot O cannot O +use O use O +className B-Function className O +locator O locator O +when O when O +there O there O +is O is O +a O a O +space O space O +in O in O +the O the O +Name O Name O +instead O instead O +you O you O +have O have O +to O to O +use O use O +cssselector B-Function cssselector O +or O or O +xpath B-Function xpath O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5051 I-Code_Block A_5051 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35389568 O 35389568 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35389568/ O https://stackoverflow.com/questions/35389568/ O + + +line_item B-Class line_item B-Code_Block +Zebra I-Class Zebra I-Code_Block +are O are O +two O two O +classes O classes O +of O of O +the O the O +same O same O +WebElement B-Class WebElement B-Code_Block +. O . O + +You O You O +can O can O +find O find O +by O by O +className B-Function className B-Code_Block +only O only O +with O with O +one O one O +of O of O +them O them O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5052 I-Code_Block A_5052 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +want O want O +all O all O +the O the O +animals O animals O +you O you O +can O can O +use O use O +line_item B-Class line_item B-Code_Block +class O class O +. O . O + +That O That O +will O will O +give O give O +you O you O +all O all O +the O the O +animals O animals O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5053 I-Code_Block A_5053 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +animals B-Variable animals B-Code_Block +now O now O +holds O holds O +list O list O +of O of O +the O the O +four O four O +elements O elements O +with O with O +class O class O +line_item B-Class line_item B-Code_Block +. O . O + +To O To O +get O get O +the O the O +third O third O + B-HTML_XML_Tag B-Code_Block +in O in O +each O each O +one O one O +you O you O +can O can O +use O use O +the O the O +WebElements B-Class WebElements B-Code_Block +in O in O +the O the O +list O list O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5054 I-Code_Block A_5054 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +5388915 O 5388915 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5388915/ O https://stackoverflow.com/questions/5388915/ O + + +I O I O +understand O understand O +that O that O +a O a O +service O service O +can O can O +run O run O +in O in O +two O two O +modes O modes O +, O , O +started O started O +and O and O +bound O bound O +. O . O + +What O What O +I O I O +do O do O +n't O n't O +quite O quite O +understand O understand O +from O from O +the O the O +developer O developer O +docs O docs O +or O or O +other O other O +questions O questions O +on O on O +this O this O +site O site O +, O , O +is O is O +whether O whether O +a O a O +service O service O +running O running O +as O as O +both O both O +started O started O +and O and O +bound O bound O +will O will O +exit O exit O +when O when O +the O the O +last O last O +component O component O +unbinds O unbinds O +from O from O +it O it O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +5388915 O 5388915 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/5388915/ O https://stackoverflow.com/questions/5388915/ O + + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +If O If O +something O something O +called O called O +startService() B-Function startService() B-Code_Block +on O on O +the O the O +Service B-Class Service B-Code_Block +, O , O +it O it O +will O will O +remain O remain O +running O running O +, O , O +regardless O regardless O +of O of O +what O what O +bindService() B-Function bindService() B-Code_Block +and O and O +unbindService() B-Function unbindService() B-Code_Block +calls O calls O +may O may O +have O have O +gone O gone O +on O on O +. O . O + +Eventually O Eventually O +, O , O +Android B-Operating_System Android O +will O will O +stop O stop O +the O the O +service O service O +, O , O +or O or O +the O the O +user O user O +will O will O +kill O kill O +the O the O +service O service O +, O , O +but O but O +neither O neither O +will O will O +happen O happen O +immediately O immediately O +upon O upon O +the O the O +last O last O +unbindService() B-Function unbindService() B-Code_Block +. O . O + +Question_ID O Question_ID O +: O : O +36970003 O 36970003 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36970003/ O https://stackoverflow.com/questions/36970003/ O + + +Example O Example O +build.gradle B-File_Name build.gradle B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4571 I-Code_Block Q_4571 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +My O My O +plugin O plugin O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4572 I-Code_Block Q_4572 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +My O My O +custom O custom O +task O task O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4573 I-Code_Block Q_4573 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +want O want O +to O to O +change O change O +applicationId B-Variable applicationId B-Code_Block +before O before O +build O build B-Code_Block +task O task I-Code_Block +. O . O + +As O As O +you O you O +can O can O +see O see O +, O , O +I O I O +tried O tried O +to O to O +do O do O +it O it O +via O via O +property O property O +, O , O +but O but O +it O it O +does O does O +n't O n't O +work O work O +. O . O + +How O How O +can O can O +I O I O +manage O manage O +this O this O +case O case O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +36970003 O 36970003 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36970003/ O https://stackoverflow.com/questions/36970003/ O + + +It O It O +does O does O +not O not O +work O work O +because O because O +config B-Variable config O +is O is O +resolved O resolved O +during O during O +configuration O configuration O +phase O phase O +and O and O +task O task O +is O is O +executed O executed O +during O during O +execution O execution O +phase O phase O +( O ( O +after O after O +) O ) O +. O . O + +You O You O +can O can O +add O add O +property O property O +in O in O +plugin O plugin O +apply B-Function apply O +method O method O +as O as O +an O an O +alternative O alternative O +. O . O + +I O I O +think O think O +it O it O +should O should O +also O also O +work O work O +in O in O +task O task O +constructor O constructor O +, O , O +but O but O +I O I O +'m O 'm O +not O not O +100% O 100% O +sure O sure O +. O . O + +Question_ID O Question_ID O +: O : O +26466407 O 26466407 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26466407/ O https://stackoverflow.com/questions/26466407/ O + + +It O It O +looks O looks O +like O like O +a O a O +simple O simple O +task O task O +, O , O +but O but O +ca O ca O +n't O n't O +get O get O +it O it O +working O working O +. O . O + +I O I O +need O need O +to O to O +re-order O re-order O +divs B-HTML_XML_Tag divs O +for O for O +tablets O tablets O +, O , O +which O which O +are O are O +100% B-Value 100% O +width B-HTML_XML_Tag width O +. O . O + +Please O Please O +take O take O +a O a O +look O look O +at O at O +the O the O +following O following O +fiddle B-Application fiddle O +to O to O +see O see O +what O what O +I O I O +mean O mean O +. O . O + +Original O Original O +reference O reference O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3022 I-Code_Block Q_3022 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +http://getbootstrap.com/css/#grid-column-ordering O http://getbootstrap.com/css/#grid-column-ordering O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +26466407 O 26466407 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26466407/ O https://stackoverflow.com/questions/26466407/ O + + +There O There O +is O is O +a O a O +hack O hack O +around O around O +that O that O +if O if O +you O you O +do O do O +n't O n't O +want O want O +to O to O +do O do O +it O it O +mobile B-Device mobile O +first O first O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6254 I-Code_Block A_6254 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +26466407 O 26466407 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26466407/ O https://stackoverflow.com/questions/26466407/ O + + +Its O Its O +doable O doable O +if O if O +you O you O +think O think O +mobile B-Device mobile O +first O first O +. O . O + +Place O Place O +the O the O +divs B-HTML_XML_Tag divs O +in O in O +the O the O +order O order O +you O you O +want O want O +them O them O +to O to O +appear O appear O +in O in O +small O small O +viewports O viewports O +and O and O +then O then O +reorder O reorder O +them O them O +for O for O +larger O larger O +viewports O viewports O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3650 I-Code_Block A_3650 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +43875692 O 43875692 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43875692/ O https://stackoverflow.com/questions/43875692/ O + + +I O I O +was O was O +having O having O +a O a O +little O little O +problem O problem O +. O . O + +My O My O +script O script O +works O works O +fine O fine O +in O in O +Linux B-Operating_System Linux O +Ubuntu I-Operating_System Ubuntu O + +When O When O +it O it O +came O came O +to O to O +Windows B-Operating_System Windows O +I O I O +fell O fell O +short O short O +. O . O + +my O my O +script O script O +uses O uses O +import B-Code_Block import B-Code_Block +argparse I-Code_Block argparse I-Code_Block +so O so O +I O I O +need O need O +to O to O +pass O pass O +arguments O arguments O +via O via O +cmd B-Application cmd O +but O but O +I O I O +was O was O +getting O getting O +errors O errors O +. O . O + +I O I O +figured O figured O +out O out O +the O the O +answer O answer O +while O while O +typing O typing O +this O this O +. O . O + +For O For O +anyone O anyone O +looking O looking O +for O for O +answers O answers O +you O you O +just O just O +do O do O +this O this O +: O : O + +For O For O +me O me O +it O it O +was O was O +something O something O +that O that O +had O had O +to O to O +do O do O +with O with O +toying O toying O +with O with O +archives O archives O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5666 I-Code_Block Q_5666 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +action O action O +will O will O +compress O compress O +test1.txt B-File_Name test1.txt O +in O in O +Archive.zip B-File_Name Archive.zip O + +I O I O +feel O feel O +stupid O stupid O +to O to O +think O think O +that O that O +there O there O +is O is O +a O a O +big O big O +difference O difference O +between O between O +command B-Application command O +line I-Application line O +in O in O +Windows B-Operating_System Windows O +and O and O +Linux B-Operating_System Linux O +when O when O +handling O handling O +python B-Language python O +. O . O + +Keep O Keep O +in O in O +mind O mind O +to O to O +know O know O +where O where O +your O your O +arguments O arguments O +should O should O +be O be O +* O * O + +I O I O +Changed O Changed O +the O the O +places O places O +between O between O +-c B-Code_Block -c O +and O and O +the O the O +name O name O +of O of O +the O the O +archive O archive O +by O by O +mistake O mistake O + +and O and O +I O I O +was O was O +typing O typing O +python3 B-Language python3 B-Code_Block +instead O instead O +of O of O +python B-Language python B-Code_Block +for O for O +a O a O +while O while O +like O like O +an O an O +idiot O idiot O +. O . O + +So O So O +the O the O +biggest O biggest O +difference O difference O +is O is O +python3 B-Language python3 B-Code_Block +for O for O +Linux B-Operating_System Linux O +and O and O +python B-Language python B-Code_Block +for O for O +Windows B-Operating_System Windows O +. O . O + +Is O Is O +there O there O +anything O anything O +else O else O +different O different O +between O between O +Linux B-Operating_System Linux O +and O and O +Windows B-Operating_System Windows O +when O when O +handling O handling O +python B-Language python O +scripts O scripts O +? O ? O + +turned O turned O +out O out O +everything O everything O +is O is O +here O here O +: O : O +https://docs.python.org/3.3/using/windows.html O https://docs.python.org/3.3/using/windows.html O + +and O and O +here O here O +: O : O +https://docs.python.org/3.3/using/unix.html O https://docs.python.org/3.3/using/unix.html O + +Anyone O Anyone O +interested O interested O +check O check O +those O those O +links O links O +to O to O +get O get O +a O a O +better O better O +idea O idea O +there O there O +was O was O +no O no O +need O need O +for O for O +my O my O +question O question O +after O after O +all O all O +:( O :( O + +Question_ID O Question_ID O +: O : O +25059453 O 25059453 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25059453/ O https://stackoverflow.com/questions/25059453/ O + + +I O I O +'m O 'm O +having O having O +a O a O +problem O problem O +displaying O displaying O +an O an O +error O error O +message O message O +using O using O +beans B-Class beans O +. O . O + +This O This O +is O is O +what O what O +i O i O +'m O 'm O +trying O trying O +to O to O +do O do O +on O on O +a O a O +login O login O +page O page O +: O : O + +get O get O +email O email O +, O , O +password O password O +and O and O +role O role O +of O of O +a O a O +user O user O +and O and O +using O using O +beans B-Class beans O +check O check O +it O it O +against O against O +the O the O +database O database O +for O for O +validation O validation O +. O . O + +if O if O +in O in O +case O case O +there O there O +are O are O +any O any O +errors O errors O +, O , O +it O it O +is O is O +added O added O +to O to O +the O the O +error O error O +bean B-Class bean O +and O and O +displayed O displayed O +to O to O +user O user O +. O . O + +Currently O Currently O +, O , O +i O i O +'m O 'm O +just O just O +testing O testing O +if O if O +the O the O +user O user O +enters O enters O +email O email O +or O or O +not O not O +. O . O + +The O The O +problem O problem O +that O that O +i O i O +'m O 'm O +getting O getting O +is O is O +: O : O +everytime O everytime O +i O i O +turn O turn O +off O off O +tomcat B-Application tomcat O +and O and O +rerun O rerun O +it O it O +, O , O +first O first O +time O time O +i O i O +dont O dont O +enter O enter O +the O the O +email O email O +in O in O +the O the O +email O email O +field O field O +, O , O +the O the O +error O error O +is O is O +displayed O displayed O +. O . O + +After O After O +that O that O +if O if O +i O i O +once O once O +entered O entered O +a O a O +value O value O +in O in O +the O the O +email O email O +field O field O +. O . O + +The O The O +error O error O +message O message O +will O will O +never O never O +show O show O +again O again O +( O ( O +ofcourse O ofcourse O +when O when O +i O i O +dont O dont O +enter O enter O +email O email O +in O in O +email O email O +field O field O +) O ) O + +Here O Here O +is O is O +my O my O +code O code O +: O : O + +doLogin.jsp B-File_Name doLogin.jsp O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2835 I-Code_Block Q_2835 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +formError.java B-File_Name formError.java O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2836 I-Code_Block Q_2836 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +validate B-Function validate O +function O function O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2837 I-Code_Block Q_2837 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'m O 'm O +new O new O +to O to O +Beans B-Class Beans O +and O and O +currently O currently O +learning O learning O +. O . O + +I O I O +tried O tried O +changing O changing O +the O the O +function O function O +names O names O +like O like O +addGenError B-Function addGenError B-Code_Block +instead O instead O +of O of O +setGenError B-Function setGenError B-Code_Block +and O and O +it O it O +the O the O +behavior O behavior O +was O was O +the O the O +same O same O +. O . O + +Any O Any O +help O help O +would O would O +be O be O +appreciated O appreciated O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25059453 O 25059453 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25059453/ O https://stackoverflow.com/questions/25059453/ O + + +This O This O +is O is O +the O the O +issue O issue O +: O : O + +while O while O +sending O sending O +form O form O +data O data O +, O , O +i O i O +'m O 'm O +using O using O +the O the O +bean B-Class bean O +id O id O +: O : O +loginFormData B-Variable loginFormData B-Code_Block +which O which O +is O is O +set O set O +to O to O +session O session O +scope O scope O +. O . O + +After O After O +changing O changing O +it O it O +to O to O +request O request O +, O , O +i O i O +got O got O +my O my O +desired O desired O +functionality O functionality O +. O . O + +Changed O Changed O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3435 I-Code_Block A_3435 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +47690491 O 47690491 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47690491/ O https://stackoverflow.com/questions/47690491/ O + + +I O I O +need O need O +to O to O +check O check O +a O a O +folder O folder O +for O for O +a O a O +file O file O +, O , O +if O if O +it O it O +exists O exists O +delete O delete O +it O it O +an O an O +replace O replace O +it O it O +with O with O +an O an O +updated O updated O +version O version O +, O , O +or O or O +if O if O +the O the O +file O file O +does O does O +n't O n't O +delete O delete O +then O then O +it O it O +will O will O +copy O copy O +the O the O +file O file O +from O from O +a O a O +path O path O +into O into O +the O the O +individuals O individuals O +personal O personal O +drive O drive O + +My O My O +Code O Code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6321 I-Code_Block Q_6321 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +Happens O Happens O +: O : O + +The O The O +code O code O +executes O executes O +and O and O +deletes O deletes O +the O the O +existing O existing O +file O file O +as O as O +expected O expected O +, O , O +but O but O +it O it O +appears O appears O +to O to O +be O be O +failing O failing O +on O on O +the O the O +copy O copy O +and O and O +paste O paste O +part O part O +. O . O + +Error O Error O +: O : O + +The O The O +debug O debug O +that O that O +comes O comes O +up O up O +is O is O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +47690491 O 47690491 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47690491/ O https://stackoverflow.com/questions/47690491/ O + + +Bare O Bare O +bones O bones O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6963 I-Code_Block A_6963 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +47690491 O 47690491 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47690491/ O https://stackoverflow.com/questions/47690491/ O + + +You O You O +have O have O +n't O n't O +said O said O +which O which O +line O line O +is O is O +throwing O throwing O +the O the O +error O error O +, O , O +but O but O +I O I O +noticed O noticed O +that O that O +you O you O +do O do O +n't O n't O +seem O seem O +to O to O +have O have O +instantiated O instantiated O +a O a O +new O new O +FileSystemObject B-Class FileSystemObject O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6961 I-Code_Block A_6961 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +then O then O +use O use O +the O the O +fso B-Variable fso O +reference O reference O +to O to O +copy O copy O +your O your O +file O file O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6962 I-Code_Block A_6962 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +method O method O +above O above O +used O used O +" O " O +Late O Late O +binding O binding O +" O " O +to O to O +interrogate O interrogate O +the O the O +registry O registry O +for O for O +Scripting.FileSystemObject B-Class Scripting.FileSystemObject B-Code_Block + +You O You O +can O can O +also O also O +use O use O +early O early O +binding O binding O +and O and O +reference O reference O +the O the O +Microsoft B-Library Microsoft O +Scripting I-Library Scripting O +Runtime I-Library Runtime O +directly O directly O +and O and O +avoid O avoid O +the O the O +use O use O +of O of O +CreateObject B-Function CreateObject B-Code_Block + +This O This O +is O is O +detailed O detailed O +in O in O +this O this O +Stack B-Website Stack O +Overflow I-Website Overflow O +answer O answer O +: O : O + +https://stackoverflow.com/a/3236348/491557 O https://stackoverflow.com/a/3236348/491557 O + +Question_ID O Question_ID O +: O : O +36564057 O 36564057 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36564057/ O https://stackoverflow.com/questions/36564057/ O + + +I O I O +was O was O +trying O trying O +to O to O +go O go O +about O about O +making O making O +the O the O +actions O actions O +for O for O +a O a O +UITableViewCell B-Class UITableViewCell O +overlap O overlap O +the O the O +content O content O +of O of O +the O the O +cell O cell O +, O , O +like O like O +in O in O +the O the O +National B-Website National O +Geographic I-Website Geographic O +app O app O +: O : O + +table B-Data_Structure table O +view O view O + +table B-Data_Structure table O +view O view O +when O when O +swiped O swiped O + +I O I O +tried O tried O +using O using O +a O a O +listener O listener O +on O on O +the O the O +contentView B-Class contentView O +of O of O +the O the O +cell O cell O +to O to O +track O track O +the O the O +frame O frame O +and O and O +keep O keep O +it O it O +constant O constant O +, O , O +but O but O +I O I O +was O was O +unable O unable O +to O to O +get O get O +that O that O +to O to O +work O work O +( O ( O +although O although O +it O it O +'s O 's O +possible O possible O +it O it O +would O would O +, O , O +I O I O +'m O 'm O +kinda O kinda O +new O new O +to O to O +iOS B-Operating_System iOS O +) O ) O +. O . O + +If O If O +anyone O anyone O +has O has O +any O any O +suggestions O suggestions O +for O for O +creating O creating O +a O a O +similar O similar O +effect O effect O +, O , O +they O they O +would O would O +be O be O +much O much O +appreciated O appreciated O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +36564057 O 36564057 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36564057/ O https://stackoverflow.com/questions/36564057/ O + + +u O u O +can O can O +make O make O +your O your O +own O own O +custom O custom O +cell O cell O +and O and O +add O add O +a O a O +delete O delete O +button B-User_Interface_Element button O +and O and O +swipe O swipe O +gestures O gestures O +to O to O +make O make O +like O like O +button B-User_Interface_Element button O +overlap O overlap O +the O the O +contents O contents O +of O of O +the O the O +cell O cell O +for O for O +example O example O +, O , O +try O try O +it O it O +out O out O +yourself O yourself O +, O , O +first O first O +create O create O +a O a O +sample O sample O +project O project O +with O with O +single O single O +view O view O +app O app O +, O , O +and O and O +proceed O proceed O + +subclass O subclass O +the O the O +tabview B-Variable tabview O +cell O cell O +with O with O +xib B-Code_Block xib O +option O option O +selected O selected O +and O and O +name O name O +it O it O +something O something O +like O like O +CustomCell B-Function CustomCell B-Code_Block +, O , O +and O and O +in O in O +CustomCell.swift B-Class CustomCell.swift B-Code_Block +class O class O +past O past O +below O below O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5234 I-Code_Block A_5234 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +make O make O +sure O sure O +the O the O +tableview B-Variable tableview O +cell O cell O +height B-Variable height O +to O to O +be O be O +of O of O +100pt B-Value 100pt O +and O and O +in O in O +view O view O +controller O controller O +set O set O +up O up O +a O a O +tableview B-Variable tableview O +in O in O +storyboard B-Application storyboard O +with O with O +datasource O datasource O +and O and O +delegate O delegate O +and O and O +implement O implement O +the O the O +required O required O +delegate O delegate O +and O and O +datasource O datasource O +methods O methods O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5235 I-Code_Block A_5235 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +24856045 O 24856045 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/24856045/ O https://stackoverflow.com/questions/24856045/ O + + +Bear O Bear O +with O with O +me O me O +, O , O +this O this O +is O is O +my O my O +first O first O +time O time O +coding O coding O +or O or O +using O using O +stackoverflow B-Website stackoverflow O +. O . O + +I O I O +'ve O 've O +been O been O +searching O searching O +through O through O +the O the O +Google B-Website Google O +documentation O documentation O +and O and O +various O various O +search B-Application search O +engines I-Application engines O +looking O looking O +for O for O +an O an O +answer O answer O +and O and O +someone O someone O +told O told O +me O me O +to O to O +try O try O +here O here O +. O . O + +I O I O +have O have O +a O a O +shared O shared O +spreadsheet B-User_Interface_Element spreadsheet O +in O in O +Google B-Application Google O +driver I-Application driver O +and O and O +I O I O +'m O 'm O +trying O trying O +to O to O +write O write O +a O a O +script O script O +that O that O +prevents O prevents O +any O any O +other O other O +user O user O +but O but O +myself O myself O +from O from O +adding O adding O +, O , O +deleting O deleting O +or O or O +updating O updating O +a O a O +column B-User_Interface_Element column O +. O . O + +This O This O +is O is O +what O what O +I O I O +have O have O +so O so O +far O far O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2800 I-Code_Block Q_2800 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +ca O ca O +n't O n't O +seem O seem O +to O to O +check O check O +the O the O +event B-Class event O +type O type O +for O for O +those O those O +three O three O +cases O cases O +.. O .. O +. O . O +Also O Also O +, O , O +once O once O +I O I O +know O know O +that O that O +I O I O +can O can O +check O check O +the O the O +event B-Class event O +for O for O +add O add O +, O , O +update O update O +or O or O +move O move O +, O , O +how O how O +do O do O +I O I O +stop O stop O +the O the O +user O user O +from O from O +actually O actually O +doing O doing O +it O it O +? O ? O + +Any O Any O +help O help O +would O would O +be O be O +much O much O +appreciated O appreciated O +. O . O + +Sorry O Sorry O +again O again O +for O for O +being O being O +so O so O +lost O lost O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +24856045 O 24856045 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/24856045/ O https://stackoverflow.com/questions/24856045/ O + + +In O In O +a O a O +shared O shared O +spreadsheet B-User_Interface_Element spreadsheet O +to O to O +prevents O prevents O +any O any O +other O other O +user O user O +but O but O +myself O myself O +from O from O +adding O adding O +, O , O +deleting O deleting O +or O or O +updating O updating O +a O a O +column B-User_Interface_Element column O +you O you O +do O do O +n't O n't O +need O need O +a O a O +script O script O +. O . O + +When O When O +you O you O +say O say O +prevent O prevent O +them O them O +updating O updating O +a O a O +column B-User_Interface_Element column O +that O that O +implies O implies O +you O you O +do O do O +n't O n't O +want O want O +them O them O +to O to O +have O have O +write O write O +access O access O +. O . O + +Either O Either O +this O this O +is O is O +to O to O +a O a O +particular O particular O +column B-User_Interface_Element column O +or O or O +to O to O +any O any O +column B-User_Interface_Element column O +. O . O + +You O You O +can O can O +set O set O +protection O protection O +to O to O +one O one O +of O of O +view O view O +only O only O +, O , O +comment O comment O +only O only O +to O to O +; O ; O + +the O the O +entire O entire O +spreadsheet B-User_Interface_Element spreadsheet O + +individual O individual O +sheets B-User_Interface_Element sheets O +or O or O + +areas O areas O +within O within O +a O a O +sheet B-User_Interface_Element sheet O + +If O If O +you O you O +do O do O +any O any O +of O of O +these O these O +they O they O +will O will O +not O not O +be O be O +able O able O +to O to O +delete O delete O +the O the O +column B-User_Interface_Element column O +either O either O +. O . O + +Reading O Reading O +your O your O +code O code O +, O , O +the O the O +line O line O +; O ; O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3482 I-Code_Block A_3482 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Implies O Implies O +you O you O +want O want O +to O to O +check O check O +if O if O +they O they O +have O have O +modified O modified O +your O your O +sheet B-User_Interface_Element sheet O +on O on O +a O a O +row B-User_Interface_Element row O +basis O basis O +. O . O + +To O To O +prevent O prevent O +them O them O +inserting O inserting O +or O or O +deleting O deleting O +a O a O +row B-User_Interface_Element row O +, O , O + +create O create O +a O a O +blank O blank O +column B-User_Interface_Element column O + +protect O protect O +the O the O +column B-User_Interface_Element column O +from O from O +editing O editing O + +hide O hide O +the O the O +column B-User_Interface_Element column O + +If O If O +anyone O anyone O +tries O tries O +to O to O +add O add O +or O or O +delete O delete O +a O a O +row B-User_Interface_Element row O +, O , O +this O this O +will O will O +span O span O +the O the O +hidden O hidden O +protected O protected O +column O column O +and O and O +they O they O +will O will O +get O get O +an O an O +error O error O +message O message O +telling O telling O +them O them O +this O this O +. O . O + +Now O Now O +the O the O +only O only O +onEdit(e) B-Class onEdit(e) O +you O you O +will O will O +detect O detect O +with O with O +be O be O +the O the O +editing O editing O +of O of O +a O a O +cell B-User_Interface_Element cell O +or O or O +group O group O +of O of O +cells B-User_Interface_Element cells O +. O . O + +Note O Note O +that O that O +adding/deleting O adding/deleting O +rows B-User_Interface_Element rows O +will O will O +not O not O +trigger O trigger O +onEdit() B-Class onEdit() O +, O , O +they O they O +will O will O +trigger O trigger O +onChange() B-Class onChange() O +. O . O + +Within O Within O +this O this O +there O there O +is O is O +specific O specific O +way O way O +to O to O +tell O tell O +whether O whether O +a O a O +row O row O +has O has O +been O been O +deleted O deleted O +or O or O +inserted O inserted O +. O . O + +onEdit(e) B-User_Interface_Element onEdit(e) O +will O will O +allow O allow O +you O you O +to O to O +look O look O +at O at O +the O the O +range O range O +that O that O +has O has O +been O been O +affected O affected O +, O , O +you O you O +can O can O +cross O cross O +check O check O +this O this O +with O with O +your O your O +spreadsheets B-User_Interface_Element spreadsheets O +parameters O parameters O +, O , O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3483 I-Code_Block A_3483 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +was O was O +not O not O +clear O clear O +to O to O +me O me O +form O form O +your O your O +question O question O +and O and O +code O code O +what O what O +exactly O exactly O +you O you O +wanted O wanted O +to O to O +do O do O +. O . O + +If O If O +I O I O +have O have O +misunderstood O misunderstood O +please O please O +explain O explain O +and O and O +I O I O +will O will O +amend O amend O +my O my O +help O help O +. O . O + +Assuming O Assuming O +this O this O +is O is O +still O still O +of O of O +interest O interest O +and O and O +not O not O +too O too O +late O late O +a O a O +reply O reply O +. O . O + +Question_ID O Question_ID O +: O : O +6604073 O 6604073 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6604073/ O https://stackoverflow.com/questions/6604073/ O + + +I O I O +have O have O +a O a O +database O database O +: O : O + +http://d.pr/86DH+ O http://d.pr/86DH+ O + +I O I O +want O want O +to O to O +divide O divide O +all O all O +numbers O numbers O +in O in O +price O price O +column B-Data_Structure column O +with O with O +1.2 B-Value 1.2 O +at O at O +once O once O +. O . O + +It O It O +is O is O +possible O possible O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +6604073 O 6604073 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6604073/ O https://stackoverflow.com/questions/6604073/ O + + +Use O Use O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_750 I-Code_Block A_750 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +26120408 O 26120408 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26120408/ O https://stackoverflow.com/questions/26120408/ O + + +I O I O +have O have O +a O a O +Angular B-Library Angular O +directive O directive O +to O to O +build O build O +a O a O +table B-User_Interface_Element table O +with O with O +bootstrap B-Library bootstrap O +table B-Class table O +. O . O + +This O This O +table B-Class table O +has O has O +a O a O +" O " O +formatter O formatter O +" O " O +for O for O +each O each O +column B-User_Interface_Element column O +, O , O +to O to O +render O render O +the O the O +HTML B-Language HTML O +data O data O +of O of O +a O a O +column B-User_Interface_Element column O +, O , O +row B-User_Interface_Element row O +by O by O +row B-User_Interface_Element row O +. O . O + +The O The O +formatter O formatter O +must O must O +return O return O +a O a O +HTML B-Language HTML O +, O , O +and O and O +in O in O +my O my O +case O case O +, O , O +my O my O +HTML B-Language HTML O +is O is O +returning O returning O +containing O containing O +a O a O +ngClick B-HTML_XML_Tag ngClick O +. O . O + +But O But O +this O this O +ngClick B-HTML_XML_Tag ngClick O +is O is O +n't O n't O +working O working O +, O , O +because O because O +angular B-Library angular O +has O has O +n't O n't O +compiled O compiled O +it O it O +. O . O + +How O How O +can O can O +I O I O +watch/monitor O watch/monitor O +table B-User_Interface_Element table O +DOM O DOM O +changes O changes O +to O to O +force O force O +angular B-Library angular O +to O to O +processs/compile O processs/compile O +it O it O +directives O directives O +after O after O +the O the O +changes O changes O +? O ? O + +I O I O +was O was O +trying O trying O +this O this O +, O , O +but O but O +without O without O +success O success O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2986 I-Code_Block Q_2986 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Another O Another O +possible O possible O +problem O problem O +is O is O +that O that O +I O I O +cannot O cannot O +compile O compile O +more O more O +than O than O +1 O 1 O +time O time O +an O an O +element O element O +. O . O + +If O If O +I O I O +do O do O +this O this O +, O , O +for O for O +example O example O +, O , O +a O a O +ng-click B-HTML_XML_Tag ng-click O +will O will O +be O be O +executed O executed O +twice O twice O +. O . O + +Question_ID O Question_ID O +: O : O +20283105 O 20283105 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/20283105/ O https://stackoverflow.com/questions/20283105/ O + + +I O I O +have O have O +a O a O +working O working O +code O code O +with O with O +a O a O +Datagrid B-Class Datagrid B-Code_Block +as O as O +the O the O +main O main O +control O control O +. O . O + +I O I O +used O used O +a O a O +Datagrid B-Class Datagrid O +as O as O +it O it O +is O is O +very O very O +easy O easy O +to O to O +bind O bind O +data O data O +into O into O +it O it O +. O . O + +My O My O +code O code O +requires O requires O +moving O moving O +cells B-User_Interface_Element cells O +into O into O +other O other O +columns B-User_Interface_Element columns O +so O so O +I O I O +always O always O +need O need O +to O to O +check O check O +which O which O +cell B-User_Interface_Element cell O +I O I O +am O am O +on O on O +when O when O +the O the O +mouse B-Device mouse O +is O is O +clicked O clicked O +, O , O +as O as O +well O well O +as O as O +when O when O +it O it O +is O is O +released O released O +. O . O + +My O My O +current O current O +implementation O implementation O +is O is O +working O working O +as O as O +expected O expected O +. O . O + +However O However O +, O , O +the O the O +way O way O +I O I O +check O check O +for O for O +the O the O +row B-User_Interface_Element row O +and O and O +cell B-User_Interface_Element cell O +is O is O +through O through O +the O the O +VIEW B-Class VIEW O +'s O 's O +code-behind O code-behind O +. O . O + +My O My O +project O project O +leader O leader O +is O is O +looking O looking O +for O for O +an O an O +alternative O alternative O +to O to O +have O have O +this O this O +done O done O +thru O thru O +binding O binding O +as O as O +he O he O +wants O wants O +to O to O +keep O keep O +the O the O +VIEW B-Class VIEW O +'s O 's O +code-behind O code-behind O +as O as O +clean O clean O +as O as O +possible O possible O +. O . O + +I O I O +have O have O +tried O tried O +all O all O +I O I O +could O could O +but O but O +I O I O +ca O ca O +n't O n't O +find O find O +properties O properties O +which O which O +would O would O +give O give O +me O me O +both O both O +the O the O +cells B-User_Interface_Element cells O +column I-User_Interface_Element column O +and O and O +row B-User_Interface_Element row O +index O index O +. O . O + +Please O Please O +see O see O +the O the O +code O code O +below O below O +. O . O + +( O ( O +Omitted O Omitted O +some O some O +of O of O +the O the O +columns B-User_Interface_Element columns O +as O as O +it O it O +would O would O +exceed O exceed O +the O the O +limit O limit O +. O . O +) O ) O + +the O the O +XAML B-Language XAML O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2153 I-Code_Block Q_2153 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +the O the O +code-behind O code-behind O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2154 I-Code_Block Q_2154 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +EDIT O EDIT O + +I O I O +proceeded O proceeded O +to O to O +multibind O multibind O +the O the O +datagridcell B-Class datagridcell B-Code_Block +'s O 's O +column B-Variable column O +and O and O +datacontext B-Variable datacontext O +properties O properties O +as O as O +parameters O parameters O +for O for O +my O my O +command B-Class command B-Code_Block +. O . O + +An O An O +option O option O +I O I O +started O started O +before O before O +but O but O +set O set O +aside O aside O +due O due O +to O to O +time O time O +constraints O constraints O +. O . O + +Instead O Instead O +of O of O +looking O looking O +for O for O +the O the O +datagridrow B-Class datagridrow O +'s O 's O +index O index O +, O , O +I O I O +used O used O +the O the O +datacontext B-Variable datacontext B-Code_Block +to O to O +compare O compare O +to O to O +my O my O +viewmodel B-Class viewmodel B-Code_Block +. O . O + +Did O Did O +the O the O +trick O trick O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +20283105 O 20283105 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/20283105/ O https://stackoverflow.com/questions/20283105/ O + + +Alternative O Alternative O +would O would O +be O be O +to O to O +work O work O +with O with O +properties O properties O +DataGrid B-Class DataGrid O +already O already O +provides O provides O +to O to O +you O you O +and/or O and/or O +to O to O +define O define O +few O few O +other O other O +attached O attached O +properties O properties O +supporting O supporting O +you O you O +to O to O +get O get O +the O the O +job O job O +done O done O +. O . O + +I O I O +would O would O +try O try O +to O to O +work O work O +with O with O +properties O properties O +like O like O +SelectedItem B-Variable SelectedItem O +, O , O +SelectedValue B-Variable SelectedValue O +, O , O +CurrentItem B-Variable CurrentItem O +, O , O +CurrentCell B-Variable CurrentCell O +. O . O + +Futhermore O Futhermore O +if O if O +a O a O +behavior O behavior O +couldnt O couldnt O +be O be O +handled O handled O +with O with O +those O those O +properties O properties O +from O from O +above O above O +I O I O +would O would O +create O create O +an O an O +attached O attached O +property O property O +and O and O +use O use O +a O a O +style O style O +for O for O +cells B-User_Interface_Element cells O +with O with O +triggers O triggers O +changing O changing O +the O the O +attached O attached O +property O property O +. O . O + +Binding O Binding O +will O will O +transmit O transmit O +all O all O +the O the O +changes O changes O +from O from O +the O the O +attached O attached O +property O property O +to O to O +the O the O +ViewModel B-Class ViewModel O +. O . O + +In O In O +the O the O +end O end O +you O you O +will O will O +have O have O +just O just O +communication O communication O +between O between O +ViewModel B-Class ViewModel O +and O and O +View B-Class View O +. O . O + +Here O Here O +are O are O +few O few O +links O links O +: O : O + +http://msdn.microsoft.com/en-us/library/system.windows.controls.datagrid%28v=vs.110%29.aspx O http://msdn.microsoft.com/en-us/library/system.windows.controls.datagrid%28v=vs.110%29.aspx O + +http://msdn.microsoft.com/en-us/library/system.windows.controls.datagrid.currentitem%28v=vs.110%29.aspx O http://msdn.microsoft.com/en-us/library/system.windows.controls.datagrid.currentitem%28v=vs.110%29.aspx O + +http://msdn.microsoft.com/en-us/library/system.windows.controls.primitives.selector.selectedvalue%28v=vs.110%29.aspx O http://msdn.microsoft.com/en-us/library/system.windows.controls.primitives.selector.selectedvalue%28v=vs.110%29.aspx O + +http://msdn.microsoft.com/en-us/library/system.windows.controls.primitives.selector.selecteditem%28v=vs.110%29.aspx O http://msdn.microsoft.com/en-us/library/system.windows.controls.primitives.selector.selecteditem%28v=vs.110%29.aspx O + +They O They O +should O should O +be O be O +all O all O +bindable O bindable O + +Edit O Edit O +: O : O + +Link O Link O +to O to O +MSDN B-Website MSDN O +MultiBinding B-Class MultiBinding O +Page O Page O +: O : O + +http://msdn.microsoft.com/en-us/library/system.windows.data.multibinding%28v=vs.110%29.aspx O http://msdn.microsoft.com/en-us/library/system.windows.data.multibinding%28v=vs.110%29.aspx O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +20283105 O 20283105 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/20283105/ O https://stackoverflow.com/questions/20283105/ O + + +The O The O +general O general O +way O way O +to O to O +achieve O achieve O +your O your O +requirement O requirement O +is O is O +to O to O +implement O implement O +an O an O +ICommand B-Class ICommand B-Code_Block +type O type O +Attached O Attached B-Code_Block +Property O Property I-Code_Block +for O for O +each O each O +event O event O +that O that O +you O you O +want O want O +to O to O +replace O replace O +. O . O + +The O The O +basic O basic O +idea O idea O +is O is O +this. O this. O +. O . O +add O add O +an O an O +ICommand B-Class ICommand B-Code_Block +Attached O Attached I-Code_Block +Property O Property I-Code_Block +with O with O +a O a O +PropertyChangedCallback B-Class PropertyChangedCallback B-Code_Block +handler O handler O +. O . O + +In O In O +this O this O +handler O handler O +( O ( O +which O which O +will O will O +be O be O +called O called O +when O when O +an O an O +ICommand B-Class ICommand B-Code_Block +is O is O +data O data O +bound O bound O +to O to O +this O this O +property O property O +) O ) O +, O , O +attach O attach O +a O a O +handler O handler O +to O to O +the O the O +event O event O +that O that O +you O you O +want O want O +to O to O +handle O handle O +. O . O + +Then O Then O +, O , O +when O when O +that O that O +event O event O +is O is O +called O called O +, O , O +just O just O +execute O execute O +the O the O +ICommand B-Class ICommand B-Code_Block +instance O instance O +. O . O + +So O So O +you O you O +can O can O +handle O handle O +the O the O +event O event O +in O in O +your O your O +view O view O +model O model O +via O via O +the O the O +ICommand B-Class ICommand B-Code_Block +instance O instance O +. O . O + +Here O Here O +is O is O +an O an O +example O example O +using O using O +the O the O +PreviewKeyDown B-Class PreviewKeyDown B-Code_Block +event O event O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2705 I-Code_Block A_2705 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +29295312 O 29295312 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29295312/ O https://stackoverflow.com/questions/29295312/ O + + +@Value B-Function @Value O +has O has O +got O got O +the O the O +correct O correct O +value O value O +when O when O +used O used O +in O in O +insert O insert O +statement O statement O +. O . O + +But O But O +, O , O +@AID B-Variable @AID O +( O ( O +which O which O +is O is O +set O set O +to O to O +@Value B-Variable @Value O +) O ) O +always O always O +gives O gives O +0 B-Value 0 O +when O when O +this O this O +stored O stored O +procedure O procedure O +is O is O +called O called O +using O using O +php B-Language php O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3488 I-Code_Block Q_3488 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +am O am O +I O I O +doing O doing O +wrong O wrong O +here O here O +? O ? O + +It O It O +it O it O +something O something O +to O to O +do O do O +with O with O +calling O calling O +stored O stored O +procedure O procedure O +inside O inside O +another O another O +stored O stored O +procedure O procedure O +? O ? O + +Question_ID O Question_ID O +: O : O +20582835 O 20582835 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/20582835/ O https://stackoverflow.com/questions/20582835/ O + + +I O I O +have O have O +a O a O +subscribe O subscribe O +button B-User_Interface_Element button O +in O in O +the O the O +about O about O +us O us O +section O section O +in O in O +my O my O +app O app O +. O . O + +On O On O +pressing O pressing O +, O , O +a O a O +small O small O +window B-User_Interface_Element window O +appears O appears O +asking O asking O +for O for O +email O email O +from O from O +a O a O +user O user O +. O . O + +Once O Once O +the O the O +user O user O +enters O enters O +his O his O +email O email O +where O where O +could O could O +I O I O +store O store O +all O all O +the O the O +emails O emails O +from O from O +the O the O +users O users O +? O ? O + +How O How O +does O does O +email O email O +subscription O subscription O +is O is O +implemented O implemented O +in O in O +Android B-Operating_System Android O +? O ? O + +I O I O +'m O 'm O +totally O totally O +new O new O +to O to O +it O it O +, O , O +so O so O +please O please O +be O be O +detailed O detailed O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +20582835 O 20582835 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/20582835/ O https://stackoverflow.com/questions/20582835/ O + + +I O I O +think O think O +you O you O +would O would O +need O need O +a O a O +server B-Application server O +where O where O +you O you O +can O can O +store O store O +in O in O +a O a O +DB O DB O +the O the O +emails O emails O +the O the O +clients B-Application clients O +( O ( O +i.e O i.e O +. O . O +the O the O +apps O apps O +) O ) O +send O send O +you O you O +. O . O + +Or O Or O +since O since O +it O it O +'s O 's O +such O such O +a O a O +simple O simple O +thing O thing O +that O that O +you O you O +have O have O +to O to O +store O store O +( O ( O +a O a O +string B-Data_Type string O +) O ) O +, O , O +what O what O +you O you O +could O could O +do O do O +is O is O +get O get O +them O them O +to O to O +send O send O +an O an O +email O email O +to O to O +you O you O +, O , O +and O and O +then O then O +voila O voila O +, O , O +you O you O +have O have O +the O the O +addresses O addresses O +you O you O +need O need O +. O . O + +EDIT O EDIT O +: O : O + +Try O Try O +parse O parse O +, O , O +it O it O +'s O 's O +a O a O +cloud O cloud O +server B-Application server O +free O free O +and O and O +easy O easy O +to O to O +use O use O +. O . O + +Question_ID O Question_ID O +: O : O +34507544 O 34507544 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34507544/ O https://stackoverflow.com/questions/34507544/ O + + +I O I O +have O have O +an O an O +excel B-Application excel O +sheet O sheet O +" O " O +Test.xlsx B-File_Name Test.xlsx O +" O " O +in O in O +which O which O +some O some O +of O of O +the O the O +cell B-User_Interface_Element cell O +values O values O +has O has O +been O been O +referenced O referenced O +from O from O +another O another O +excel B-Application excel O +sheet O sheet O +using O using O +formula O formula O +"='C:[Sample.xlsx]Sheet1'!B14" B-Code_Block "='C:[Sample.xlsx]Sheet1'!B14" O +. O . O + +I O I O +did O did O +open O open O +Smaple.xlsx B-File_Name Smaple.xlsx O +, O , O +change O change O +the O the O +value O value O +of O of O +the O the O +cell B-User_Interface_Element cell O +B14 B-Value B14 O +in O in O +sheet B-User_Interface_Element sheet O +1 B-Value 1 O +, O , O +save O save O +it O it O +and O and O +close O close O +. O . O + +But O But O +I O I O +did O did O +not O not O +see O see O +the O the O +values O values O +in O in O +the O the O +Test.xlsx B-File_Name Test.xlsx O +update O update O +unless O unless O +I O I O +double O double O +click O click O +on O on O +the O the O +cell B-User_Interface_Element cell O +where O where O +the O the O +formula O formula O +has O has O +been O been O +referenced O referenced O +to O to O +. O . O + +I O I O +have O have O +tried O tried O +with O with O +" O " O +Excel B-Application Excel O +Options-> O Options-> O +Advanced O Advanced O +->General O ->General O +and O and O +un-checking O un-checking O +Ask O Ask O +to O to O +update O update O +automatic O automatic O +link O link O +" O " O +Can O Can O +someone O someone O +help O help O +me O me O +with O with O +the O the O +issue O issue O +? O ? O + +Question_ID O Question_ID O +: O : O +16196054 O 16196054 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16196054/ O https://stackoverflow.com/questions/16196054/ O + + +i O i O +want O want O +to O to O +use O use O +a O a O +vaiable O vaiable O +in O in O +the O the O +main B-Class main O +class O class O +from O from O +ReveiveSMS.class B-Class ReveiveSMS.class O +. O . O + +This O This O +is O is O +my O my O +code O code O +of O of O +ReceiveSMS.class B-Class ReceiveSMS.class O +and O and O +i O i O +want O want O +to O to O +use O use O +messageBody B-Variable messageBody O +in O in O +the O the O +main B-Class main O +. O . O + +Help O Help O +me O me O +how O how O +can O can O +i O i O +do O do O +it O it O +. O . O + +thanks O thanks O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1603 I-Code_Block Q_1603 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16196054 O 16196054 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16196054/ O https://stackoverflow.com/questions/16196054/ O + + +You O You O +can O can O +put O put O +messageBody B-Variable messageBody B-Code_Block +in O in O +SharedPreferences B-Class SharedPreferences O +. O . O + +In O In O +ReceiveSMS B-Class ReceiveSMS O +class O class O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2087 I-Code_Block A_2087 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +your O your O +main B-Class main O +class O class O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2088 I-Code_Block A_2088 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +21321132 O 21321132 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21321132/ O https://stackoverflow.com/questions/21321132/ O + + +I O I O +recently O recently O +switched O switched O +python B-Language python O +distributions O distributions O +to O to O +Anaconda B-Application Anaconda O +from O from O +Continuum O Continuum O +Analytics O Analytics O +. O . O + +After O After O +installing O installing O +Python B-Language Python O +3.3 B-Version 3.3 O +, O , O +I O I O +created O created O +a O a O +build O build O +system O system O +for O for O +use O use O +with O with O +Sublime B-Application Sublime O +( O ( O +3) B-Version 3) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2293 I-Code_Block Q_2293 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +runs O runs O +scripts O scripts O +fine O fine O +, O , O +except O except O +for O for O +the O the O +fact O fact O +that O that O +output O output O +is O is O +only O only O +printed O printed O +upon O upon O +completion O completion O +of O of O +the O the O +build O build O +. O . O + +How O How O +can O can O +I O I O +enable O enable O +normal O normal O +( O ( O +live O live O +) O ) O +printing O printing O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21321132 O 21321132 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21321132/ O https://stackoverflow.com/questions/21321132/ O + + +It O It O +'s O 's O +possible O possible O +that O that O +you O you O +need O need O +to O to O +run O run O +the O the O +script O script O +in O in O +" O " O +unbuffered O unbuffered O +" O " O +mode O mode O +via O via O +the O the O +-u B-Code_Block -u B-Code_Block +flag O flag O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +This O This O +solution O solution O +is O is O +n't O n't O +specific O specific O +to O to O +Anaconda B-Application Anaconda O +, O , O +but O but O +may O may O +still O still O +be O be O +the O the O +issue O issue O +. O . O + +Question_ID O Question_ID O +: O : O +44314261 O 44314261 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44314261/ O https://stackoverflow.com/questions/44314261/ O + + +I O I O +'ve O 've O +modified O modified O +a O a O +VBA B-Application VBA O +macro O macro O +of O of O +MS B-Application MS O +Outlook I-Application Outlook O +that O that O +someone O someone O +in O in O +our O our O +organization O organization O +was O was O +using O using O +. O . O + +I O I O +want O want O +to O to O +have O have O +it O it O +signed O signed O +with O with O +our O our O +organization O organization O +'s O 's O +certificate O certificate O +. O . O + +Not O Not O +a O a O +self-cert O self-cert O +. O . O + +Not O Not O +my O my O +personal O personal O +cert O cert O +. O . O + +A O A O +cert O cert O +set O set O +up O up O +by O by O +the O the O +organization O organization O +for O for O +just O just O +this O this O +purpose O purpose O +. O . O + +We O We O +'ll O 'll O +call O call O +it O it O +" O " O +My_Org_VBA_Macro_Cert B-Variable My_Org_VBA_Macro_Cert O +" O " O +. O . O + +My_Org_VBA_Macro_Cert B-Variable My_Org_VBA_Macro_Cert O +has O has O +been O been O +created O created O +. O . O + +It O It O +has O has O +been O been O +installed O installed O +in O in O +via O via O +the O the O +MMC B-Application MMC O +certificate O certificate O +snap-in O snap-in O +into O into O +the O the O +same O same O +location O location O +that O that O +my O my O +personal O personal O +digital O digital O +signature O signature O +certs O certs O +are O are O +located O located O +. O . O + +After O After O +rebooting O rebooting O +, O , O +I O I O +open O open O +up O up O +the O the O +VBA B-Application VBA O +project O project O +and O and O +go O go O +to O to O +Tools->Digital O Tools->Digital O +Signature O Signature O +. O . O + +I O I O +press O press O +the O the O +Choose O Choose O +button B-User_Interface_Element button O +but O but O +only O only O +my O my O +own O own O +digital O digital O +signature O signature O +certs O certs O +show O show O +up O up O +in O in O +the O the O +list O list O +to O to O +choose O choose O +from O from O +. O . O + +My_Org_VBA_Macro_Cert B-Variable My_Org_VBA_Macro_Cert O +does O does O +not O not O +show O show O +up O up O +. O . O + +Are O Are O +there O there O +certain O certain O +settings O settings O +or O or O +values O values O +you O you O +have O have O +to O to O +set O set O +when O when O +you O you O +create O create O +the O the O +Cert O Cert O +that O that O +determine O determine O +whether O whether O +it O it O +will O will O +show O show O +up O up O +in O in O +the O the O +list O list O +of O of O +certs O certs O +to O to O +choose O choose O +from O from O +? O ? O + +I O I O +do O do O +n't O n't O +know O know O +enough O enough O +about O about O +creating O creating O +a O a O +cert O cert O +to O to O +be O be O +more O more O +specific O specific O +on O on O +this O this O +point O point O +. O . O + +Microsoft B-Application Microsoft O +VBA I-Application VBA O +version O version O +7.1 B-Version 7.1 O + +Microsoft B-Application Microsoft O +Outlook I-Application Outlook O +2013 B-Version 2013 O + +All O All O +the O the O +articles O articles O +I O I O +'ve O 've O +found O found O +deal O deal O +with O with O +self O self O +cert O cert O +or O or O +only O only O +cover O cover O +how O how O +to O to O +do O do O +the O the O +signing O signing O +with O with O +a O a O +cert O cert O +that O that O +shows O shows O +up O up O +in O in O +the O the O +list O list O +. O . O + +They O They O +all O all O +gloss O gloss O +over O over O +how O how O +to O to O +install O install O +the O the O +cert O cert O +so O so O +it O it O +shows O shows O +up O up O +in O in O +the O the O +list O list O +and O and O +what O what O +values O values O +it O it O +has O has O +to O to O +have O have O +to O to O +do O do O +so O so O +. O . O + +Question_ID O Question_ID O +: O : O +29005973 O 29005973 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29005973/ O https://stackoverflow.com/questions/29005973/ O + + +I O I O +wish O wish O +to O to O +replace O replace O +all O all O +divs B-HTML_XML_Tag divs O +with O with O +the O the O +class O class O +data-item B-Class data-item O +with O with O +the O the O +attribute O attribute O +data-variable O data-variable O +of O of O +the O the O +item O item O +with O with O +this O this O +class O class O + +IE O IE O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3440 I-Code_Block Q_3440 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Should O Should O +become O become O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3441 I-Code_Block Q_3441 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Code O Code O +I O I O +want O want O +to O to O +use O use O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3442 I-Code_Block Q_3442 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +where O where O +el B-Variable el O +is O is O +a O a O +jquery B-Library jquery O +object O object O +containing O containing O +the O the O +html B-Language html O +I O I O +wish O wish O +to O to O +parse O parse O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +29005973 O 29005973 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29005973/ O https://stackoverflow.com/questions/29005973/ O + + +DEMO O DEMO O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4089 I-Code_Block A_4089 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +UPD O UPD O +: O : O +You O You O +can O can O +use O use O +function O function O +as O as O +argument O argument O +to O to O +replaceWith B-Function replaceWith B-Code_Block +( O ( O +thx O thx O +@Barmar B-User_Name @Barmar O +) O ) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4090 I-Code_Block A_4090 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +29005973 O 29005973 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29005973/ O https://stackoverflow.com/questions/29005973/ O + + +The O The O +argument O argument O +to O to O +replaceWith B-Function replaceWith B-Code_Block +can O can O +be O be O +a O a O +function O function O +. O . O + +When O When O +it O it O +'s O 's O +called O called O +, O , O +this O this B-Code_Block +will O will O +be O be O +the O the O +element O element O +that O that O +'s O 's O +being O being O +replaced O replaced O +. O . O + +The O The O +return O return O +value O value O +will O will O +be O be O +used O used O +as O as O +the O the O +replacement O replacement O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4088 I-Code_Block A_4088 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +49016133 O 49016133 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/49016133/ O https://stackoverflow.com/questions/49016133/ O + + +I O I O +kept O kept O +getting O getting O +this O this O +issue O issue O +after O after O +installing O installing O +this O this O +package O package O +below O below O + +https://github.com/vinkla/instagram O https://github.com/vinkla/instagram O + +into O into O +my O my O +Laravel B-Library Laravel O +5.1 B-Version 5.1 O +project O project O +. O . O + +I O I O +followed O followed O +everything O everything O +in O in O +the O the O +instruction O instruction O +. O . O + +I O I O +am O am O +on O on O +Mac B-Operating_System Mac O +OS I-Operating_System OS O +X B-Version X O +, O , O +PHP B-Language PHP O +7.1 B-Version 7.1 O +, O , O +Laravel B-Library Laravel O +5.1 B-Version 5.1 O + +Did O Did O +I O I O +forget O forget O +something O something O +? O ? O + +How O How O +would O would O +one O one O +go O go O +about O about O +and O and O +debug O debug O +this O this O +further O further O +? O ? O + +I O I O +'m O 'm O +open O open O +to O to O +any O any O +suggestions O suggestions O +at O at O +this O this O +moment O moment O +. O . O + +Any O Any O +hints/suggestions O hints/suggestions O +/ O / O +helps O helps O +on O on O +this O this O +be O be O +will O will O +be O be O +much O much O +appreciated O appreciated O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +49016133 O 49016133 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/49016133/ O https://stackoverflow.com/questions/49016133/ O + + +You O You O +could O could O +change O change O +app B-File_Name app B-Code_Block +\Exceptions\Handler.php I-File_Name \Exceptions\Handler.php I-Code_Block +to O to O +not O not O +have O have O +the O the O +type O type O +declaration O declaration O +Exception B-Class Exception B-Code_Block +and O and O +handle O handle O +some O some O +logic O logic O +within O within O +it O it O +to O to O +convert O convert O +the O the O +Error O Error O +to O to O +an O an O +Exception B-Class Exception O +. O . O + +It O It O +looks O looks O +like O like O +this O this O +is O is O +a O a O +known O known O +issue O issue O +in O in O +laravel B-Library laravel O +5.2 B-Version 5.2 O +<= O <= O +with O with O +php B-Language php O +7 B-Version 7 O +. O . O +https://github.com/laravel/framework/issues/9650 O https://github.com/laravel/framework/issues/9650 O + +from O from O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7191 I-Code_Block A_7191 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +to O to O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7192 I-Code_Block A_7192 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +will O will O +most O most O +likely O likely O +need O need O +to O to O +do O do O +the O the O +same O same O +thing O thing O +with O with O +the O the O +Handler O Handler O +render B-Function render B-Code_Block +method O method O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +49016133 O 49016133 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/49016133/ O https://stackoverflow.com/questions/49016133/ O + + +It O It O +seems O seems O +to O to O +be O be O +a O a O +bug O bug O +in O in O +Laravel B-Library Laravel O +. O . O + +Do O Do O +you O you O +have O have O +the O the O +last O last O +release O release O +of O of O +Laravel B-Library Laravel O +5.1 B-Version 5.1 O +? O ? O + +For O For O +helping O helping O +debug O debug O +, O , O +you O you O +might O might O +go O go O +to O to O +the O the O +vendor/Illuminate/Foundation/Bootstrap/HandleExceptions O vendor/Illuminate/Foundation/Bootstrap/HandleExceptions O +@handleException O @handleException O +and O and O +add O add O + +dd($e) B-Function dd($e) B-Code_Block +at O at O +the O the O +first O first O +line O line O +of O of O +method O method O +. O . O + +Ex O Ex O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7202 I-Code_Block A_7202 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +45569648 O 45569648 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45569648/ O https://stackoverflow.com/questions/45569648/ O + + +We O We O +have O have O +developed O developed O +Word O Word O +Puzzle O Puzzle O +Game O Game O +for O for O +android B-Operating_System android O +. O . O + +The O The O +size O size O +is O is O +greater O greater O +than O than O +20 O 20 O +MB O MB O +because O because O +we O we O +have O have O +developed O developed O +game O game O +with O with O +the O the O +help O help O +of O of O +Unity B-Application Unity O +game O game O +engine O engine O +. O . O + +Even O Even O +blank O blank O +project O project O +will O will O +take O take O +approx O approx O +10 O 10 O +MB O MB O +for O for O +APK B-File_Type APK O +in O in O +Unity B-Application Unity O +. O . O + +Your O Your O +advise O advise O +would O would O +be O be O +helpful O helpful O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +45569648 O 45569648 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45569648/ O https://stackoverflow.com/questions/45569648/ O + + +Have O Have O +you O you O +checked O checked O +this O this O +? O ? O + +https://docs.unity3d.com/Manual/ReducingFilesize.html O https://docs.unity3d.com/Manual/ReducingFilesize.html O + +I O I O +'m O 'm O +afraid O afraid O +you O you O +wo O wo O +n't O n't O +find O find O +more O more O +. O . O + +There O There O +will O will O +always O always O +be O be O +a O a O +minimal O minimal O +size O size O +, O , O +even O even O +for O for O +an O an O +empty O empty O +project O project O +, O , O +because O because O +you O you O +'re O 're O +embedding O embedding O +mono B-Application mono O +, O , O +unity B-Application unity O +engine O engine O +, O , O +etc O etc O +.. O .. O +. O . O + +If O If O +you O you O +want O want O +total O total O +control O control O +, O , O +the O the O +question O question O +you O you O +should O should O +ask O ask O +yourself O yourself O +is O is O +: O : O + +" O " O +Do O Do O +I O I O +really O really O +need O need O +Unity B-Application Unity O +for O for O +a O a O +word O word O +puzzle O puzzle O +? O ? O +" O " O + +If O If O +your O your O +game O game O +is O is O +made O made O +mostly O mostly O +with O with O +scripts O scripts O +, O , O +you O you O +could O could O +maybe O maybe O +convert O convert O +it O it O +to O to O +a O a O +native O native O +app O app O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +45569648 O 45569648 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45569648/ O https://stackoverflow.com/questions/45569648/ O + + +Try O Try O +use O use O +the O the O +documentation O documentation O +Manual O Manual O +on O on O +Reducing O Reducing O +the O the O +file O file O +size O size O +of O of O +your O your O +build O build O +. O . O + +Also O Also O +this O this O +forum O forum O +post O post O +could O could O +help O help O +you O you O +. O . O + +Otherwise O Otherwise O +a O a O +simple O simple O +Google B-Website Google O +search O search O +will O will O +give O give O +you O you O +many O many O +results O results O +. O . O + +Question_ID O Question_ID O +: O : O +8856692 O 8856692 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8856692/ O https://stackoverflow.com/questions/8856692/ O + + +In O In O +my O my O +users O users O +controller O controller O +I O I O +am O am O +trying O trying O +to O to O +put O put O +in O in O +place O place O +the O the O +remember O remember O +me O me O +functionality O functionality O +on O on O +login O login O +. O . O + +IT O IT O +seems O seems O +pretty O pretty O +simple O simple O +set O set O +a O a O +cookie O cookie O +look O look O +for O for O +the O the O +cookie O cookie O +when O when O +the O the O +user O user O +visits O visits O +the O the O +login O login O +page O page O +and O and O +if O if O +it O it O +exists O exists O +log O log O +them O them O +in O in O +. O . O + +However O However O +, O , O +Cake B-Library Cake O +is O is O +not O not O +saving O saving O +the O the O +cookie O cookie O +, O , O +at O at O +least O least O +not O not O +that O that O +I O I O +can O can O +see O see O +, O , O +and O and O +when O when O +I O I O +revisit O revisit O +the O the O +page O page O +I O I O +am O am O +not O not O +auto O auto O +logged O logged O +in O in O +. O . O + +To O To O +test O test O +this O this O +I O I O +have O have O +the O the O +following O following O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_741 I-Code_Block Q_741 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +right O right O +after O after O +I O I O +set O set O +this O this O +cookie O cookie O +I O I O +can O can O +place O place O +a O a O +$this->cookie->read('Auth.User') B-Code_Block $this->cookie->read('Auth.User') O +; I-Code_Block ; O +and O and O +get O get O +the O the O +value O value O +of O of O +this O this O +cookie O cookie O +, O , O +however O however O +it O it O +does O does O +not O not O +show O show O +up O up O +in O in O +the O the O +browsers O browsers O +( O ( O +Chrome B-Application Chrome O +, O , O +FireFox B-Application FireFox O +) O ) O +cookie O cookie O +list B-Data_Structure list O +. O . O + +If O If O +I O I O +use O use O +plain O plain O +PHP B-Language PHP O +cookies O cookies O +, O , O +via O via O +setcookie() B-Function setcookie() O +I O I O +can O can O +see O see O +the O the O +cookie O cookie O +but O but O +of O of O +course O course O +the O the O +Cake B-Library Cake O +Cookie O Cookie O +read O read O +does O does O +not O not O +work O work O +with O with O +those O those O +cookies O cookies O +. O . O + +What O What O +should O should O +I O I O +look O look O +for O for O +to O to O +resolve O resolve O +this O this O +issue O issue O +? O ? O + +I O I O +did O did O +find O find O +a O a O +work O work O +around O around O +, O , O +but O but O +I O I O +do O do O +n't O n't O +like O like O +it O it O +because O because O +it O it O +just O just O +bypasses O bypasses O +the O the O +framework O framework O +. O . O + +I O I O +found O found O +out O out O +how O how O +cake B-Library cake O +is O is O +creating O creating O +the O the O +cookies O cookies O +and O and O +for O for O +these O these O +cookies O cookies O +I O I O +use O use O +cakes B-Library cakes O +cookie O cookie O +creation O creation O +algorithm O algorithm O +in O in O +my O my O +code O code O +and O and O +use O use O +setcookie() B-Function setcookie() O +to O to O +do O do O +the O the O +setting O setting O +. O . O + +Just O Just O +for O for O +anyone O anyone O +else O else O +that O that O +may O may O +want O want O +or O or O +need O need O +to O to O +use O use O +the O the O +work O work O +around O around O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_742 I-Code_Block Q_742 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +you O you O +can O can O +use O use O +cakes B-Library cakes O +cookie O cookie O +component O component O +to O to O +read O read O +the O the O +value O value O +. O . O + +There O There O +is O is O +more O more O +you O you O +have O have O +to O to O +change O change O +if O if O +your O your O +value O value O +is O is O +an O an O +array B-Data_Structure array O +, O , O +read O read O +through O through O +the O the O +cookie.php B-File_Name cookie.php O +code O code O +to O to O +see O see O +what O what O +you O you O +would O would O +need O need O +to O to O +do O do O +. O . O + +Also O Also O +I O I O +left O left O +out O out O +the O the O +encryption O encryption O +that O that O +too O too O +can O can O +be O be O +found O found O +in O in O +the O the O +cookie.php B-File_Name cookie.php O +and O and O +your O your O +apps O apps O +settings O settings O +. O . O + +For O For O +this O this O +issue O issue O +I O I O +do O do O +not O not O +need O need O +array B-Data_Structure array O +values O values O +since O since O +I O I O +am O am O +only O only O +store O store O +the O the O +users O users O +ID B-Variable ID O +. O . O + +and O and O +I O I O +did O did O +put O put O +in O in O +place O place O +encryption O encryption O +unlike O unlike O +above O above O +. O . O + +I O I O +would O would O +still O still O +like O like O +to O to O +know O know O +why O why O +the O the O +component O component O +is O is O +not O not O +working O working O +though O though O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8856692 O 8856692 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8856692/ O https://stackoverflow.com/questions/8856692/ O + + +The O The O +following O following O +login O login O +action O action O +works O works O +well O well O +for O for O +me O me O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1087 I-Code_Block A_1087 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Does O Does O +it O it O +work O work O +on O on O +your O your O +side O side O +? O ? O + +Question_ID O Question_ID O +: O : O +4436680 O 4436680 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4436680/ O https://stackoverflow.com/questions/4436680/ O + + +My O My O +Rails B-Library Rails O +app O app O +began O began O +returning O returning O +funky O funky O +validation O validation O +error O error O +messages O messages O +of O of O +this O this O +form O form O +upon O upon O +create/save O create/save O +of O of O +a O a O +model O model O +. O . O + +{ B-Code_Block { O +{ B-Code_Block { O +count I-Code_Block count O +} I-Code_Block } O +} B-Code_Block } O +errors O errors O +prohibited O prohibited O +this O this O +{ B-Code_Block { O +{ B-Code_Block { O +model I-Code_Block model O +} I-Code_Block } O +} B-Code_Block } O +from O from O +being O being O +saved O saved O + +There O There O +were O were O +problems O problems O +with O with O +the O the O +following O following O +fields O fields O +: O : O + +{ B-Code_Block { O +{ B-Code_Block { O +attribute I-Code_Block attribute O +} I-Code_Block } O +} B-Code_Block } O +{ B-Code_Block { O +{ B-Code_Block { O +message I-Code_Block message O +} I-Code_Block } O +} B-Code_Block } O +{ B-Code_Block { O +{ B-Code_Block { O +attribute I-Code_Block attribute O +} I-Code_Block } O +} B-Code_Block } O +{ B-Code_Block { O +{ B-Code_Block { O +message I-Code_Block message O +} I-Code_Block } O +} B-Code_Block } O +{ B-Code_Block { O +{ B-Code_Block { O +attribute I-Code_Block attribute O +} I-Code_Block } O +} B-Code_Block } O +{ B-Code_Block { O +{ B-Code_Block { O +message I-Code_Block message O +} I-Code_Block } O +} B-Code_Block } O +{ B-Code_Block { O +{ B-Code_Block { O +attribute I-Code_Block attribute O +} I-Code_Block } O +} B-Code_Block } O +{ B-Code_Block { O +{ B-Code_Block { O +message I-Code_Block message O +} I-Code_Block } O +} B-Code_Block } O + +Has O Has O +anyone O anyone O +else O else O +experienced O experienced O +anything O anything O +like O like O +this O this O +? O ? O + +Thanks O Thanks O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +4436680 O 4436680 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4436680/ O https://stackoverflow.com/questions/4436680/ O + + +You O You O +probably O probably O +upgraded O upgraded O +Ruby B-Language Ruby O +to O to O +a O a O +version O version O +that O that O +does O does O +not O not O +work O work O +well O well O +with O with O +your O your O +version O version O +of O of O +Rails B-Library Rails O +. O . O + +I O I O +think O think O +that O that O +if O if O +you O you O +use O use O +Ruby B-Language Ruby O +1.9 B-Version 1.9 O +you O you O +have O have O +to O to O +at O at O +least O least O +use O use O +Rails B-Library Rails O +2.3.9 B-Version 2.3.9 O +if O if O +I O I O +'m O 'm O +not O not O +mistaken O mistaken O +. O . O + +Here O Here O +is O is O +a O a O +changelog O changelog O +for O for O +Rails B-Library Rails O +2.3.9 B-Version 2.3.9 O +: O : O +ruby-on-rails-2-3-9-released B-Language ruby-on-rails-2-3-9-released O + +Question_ID O Question_ID O +: O : O +1691100 O 1691100 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1691100/ O https://stackoverflow.com/questions/1691100/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_92 I-Code_Block Q_92 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +me O me O +, O , O +the O the O +above O above O +code O code O +looks O looks O +normal O normal O +. O . O + +However O However O +, O , O +I O I O +'m O 'm O +new O new O +to O to O +C++ B-Language C++ O +so O so O +I O I O +may O may O +be O be O +missing O missing O +some O some O +nuance O nuance O +. O . O + +I O I O +'m O 'm O +getting O getting O +a O a O +bunch O bunch O +of O of O +compiler B-Application compiler O +errors O errors O +from O from O +it O it O +, O , O +such O such O +as O as O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +and O and O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +What O What O +gives O gives O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1691100 O 1691100 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1691100/ O https://stackoverflow.com/questions/1691100/ O + + +The O The O +error O error O +is O is O +probably O probably O +in O in O +LudoCore/Singleton.h B-File_Name LudoCore/Singleton.h B-Code_Block +or O or O +something O something O +else O else O +included O included O +earlier O earlier O +. O . O + +Make O Make O +sure O sure O +your O your O +class O class B-Code_Block +definitions O definitions O +have O have O +; B-Code_Block ; B-Code_Block +semicolons O semicolons O +after O after O +them O them O +and O and O +all O all O +that O that O +. O . O + +Quick O Quick O +test O test O +: O : O +comment O comment O +out O out O +the O the O +#include B-Code_Block #include B-Code_Block +and O and O +stick O stick O +a O a O +template B-Code_Block template B-Code_Block + I-Code_Block C> I-Code_Block +class I-Code_Block class I-Code_Block +Singleton I-Code_Block Singleton I-Code_Block +; I-Code_Block ; I-Code_Block +predeclaration O predeclaration O +there O there O +instead O instead O +. O . O + +If O If O +the O the O +compiler B-Application compiler O +now O now O +complains O complains O +about O about O +incomplete O incomplete O +types O types O +, O , O +I O I O +'m O 'm O +right O right O +, O , O +and O and O +if O if O +not O not O +, O , O +post O post O +more O more O +details O details O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1691100 O 1691100 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1691100/ O https://stackoverflow.com/questions/1691100/ O + + +Have O Have O +a O a O +look O look O +in O in O +the O the O +other O other O +header O header O +( O ( O +LudoCore/Singleton.h B-File_Name LudoCore/Singleton.h O +) O ) O +. O . O + +The O The O +second O second O +error O error O +implies O implies O +that O that O +the O the O +error O error O +is O is O +before O before O +the O the O +class O class B-Code_Block +LudoTimer B-Class LudoTimer I-Code_Block +declaration O declaration O +at O at O +the O the O +top O top O +. O . O + +My O My O +guess O guess O +is O is O +that O that O +Singleton.h B-File_Name Singleton.h O +defines O defines O +a O a O +class O class O +, O , O +and O and O +there O there O +'s O 's O +a O a O +missing O missing O +' B-Code_Block ' O +; I-Code_Block ; O +' I-Code_Block ' O +after O after O +that O that O +class O class O +definition O definition O +. O . O + +Question_ID O Question_ID O +: O : O +35527315 O 35527315 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35527315/ O https://stackoverflow.com/questions/35527315/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +get O get O +the O the O +total O total O +amount O amount O +of O of O +VRAM B-Device VRAM O +my O my O +game O game O +is O is O +currently O currently O +using O using O +. O . O + +I O I O +want O want O +to O to O +display O display O +this O this O +in O in O +my O my O +debug O debug O +information O information O +. O . O + +When O When O +I O I O +was O was O +using O using O +the O the O +Visual B-Application Visual B-Code_Block +Studio I-Application Studio I-Code_Block +Graphics I-Application Graphics I-Code_Block +Analyzer I-Application Analyzer I-Code_Block +I O I O +got O got O +an O an O +idea O idea O +. O . O + +I O I O +figured O figured O +that O that O +I O I O +could O could O +get O get O +the O the O +amount O amount O +of O of O +VRAM B-Device VRAM O +used O used O +by O by O +adding O adding O +the O the O +size O size O +of O of O +each O each O +of O of O +the O the O +graphic O graphic O +objects O objects O +as O as O +seen O seen O +in O in O +the O the O +Graphics B-User_Interface_Element Graphics B-Code_Block +Object I-User_Interface_Element Object I-Code_Block +Table I-User_Interface_Element Table I-Code_Block +. O . O + +Unfortunately O Unfortunately O +I O I O +have O have O +no O no O +idea O idea O +how O how O +to O to O +get O get O +each O each O +of O of O +those O those O +objects O objects O +. O . O + +Is O Is O +there O there O +a O a O +simple O simple O +way O way O +to O to O +get O get O +these O these O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35527315 O 35527315 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35527315/ O https://stackoverflow.com/questions/35527315/ O + + +I O I O +actually O actually O +found O found O +an O an O +easier O easier O +way O way O +to O to O +do O do O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5066 I-Code_Block A_5066 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +.. O .. O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5067 I-Code_Block A_5067 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +gets O gets O +the O the O +currently O currently O +used O used O +VRAM B-Device VRAM O +from O from O +the O the O +default O default O +( O ( O +ID B-Variable ID O +0 B-Value 0 O +) O ) O +adapter B-Device adapter O +and O and O +converts O converts O +it O it O +to O to O +megabytes O megabytes O +. O . O + +Note O Note O +: O : O +This O This O +does O does O +require O require O +the O the O +use O use O +of O of O +the O the O +windows B-Operating_System windows O +10 B-Version 10 O +SDK B-Application SDK O + +Question_ID O Question_ID O +: O : O +16056835 O 16056835 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16056835/ O https://stackoverflow.com/questions/16056835/ O + + +i O i O +am O am O +using O using O +ccavenue B-Website ccavenue O +in O in O +my O my O +prestashop B-Application prestashop B-Code_Block +store O store I-Code_Block +Version O Version I-Code_Block +1.2.5.0 B-Version 1.2.5.0 I-Code_Block +. O . O + +My O My O +problem O problem O +is O is O +after O after O +successful O successful O +credit O credit O +card O card O +transaction O transaction O +, O , O +when O when O +coming O coming O +back O back O +to O to O +website O website O +, O , O +shopping O shopping O +cart O cart O +items O items O +are O are O +not O not O +clearing O clearing O +and O and O +also O also O +orders O orders O +are O are O +not O not O +updating O updating O +. O . O + +I O I O +am O am O +using O using O +CCavenue B-Application CCavenue O +Payment I-Application Payment O +Gateway I-Application Gateway O +developed O developed O +by O by O +bluezeal.in B-Website bluezeal.in O +. O . O + +In O In O +merchant O merchant O +account O account O +settings O settings O +I O I O +have O have O +given O given O +Return O Return O +Page O Page O +URL O URL O +as O as O +http://myshop B-Code_Block http://myshop B-Code_Block +/modules/ccavenue/validation.php I-Code_Block /modules/ccavenue/validation.php I-Code_Block +where O where O +I O I O +am O am O +updating O updating O +my O my O +order O order O +table B-User_Interface_Element table O +. O . O + +And O And O +in O in O +ccavenue.php B-File_Name ccavenue.php O +page O page O +I O I O +have O have O +given O given O +my O my O +return O return O +url O url O +as O as O +$Url B-Code_Block $Url B-Code_Block += I-Code_Block = I-Code_Block +' I-Code_Block ' I-Code_Block +http://'.htmlspecialchars($_SERVER['HTTP_HOST' I-Code_Block http://'.htmlspecialchars($_SERVER['HTTP_HOST' I-Code_Block +) I-Code_Block ) I-Code_Block +, I-Code_Block , I-Code_Block +ENT_COMPAT I-Code_Block ENT_COMPAT I-Code_Block +, I-Code_Block , I-Code_Block +' I-Code_Block ' I-Code_Block +UTF-8 I-Code_Block UTF-8 I-Code_Block +' I-Code_Block ' I-Code_Block +) I-Code_Block ) I-Code_Block +.__PS_BASE_URI__ I-Code_Block .__PS_BASE_URI__ I-Code_Block +. I-Code_Block . I-Code_Block +' I-Code_Block ' I-Code_Block +modules/ccavenue/validation.php I-Code_Block modules/ccavenue/validation.php I-Code_Block +' I-Code_Block ' I-Code_Block +. O . O + +After O After O +successful O successful O +transaction O transaction O +ccavenue O ccavenue O +is O is O +not O not O +returning O returning O +anything O anything O +to O to O +my O my O +validation.php B-File_Name validation.php O +page O page O +. O . O + +Ie O Ie O +, O , O +AuthDesc B-Variable AuthDesc B-Code_Block +, O , O +Order_Id B-Variable Order_Id B-Code_Block +etc O etc O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16056835 O 16056835 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16056835/ O https://stackoverflow.com/questions/16056835/ O + + +This O This O +problem O problem O +got O got O +solved O solved O +after O after O +regenerating O regenerating O +key O key O +in O in O +merchant O merchant O +account O account O +settings. O settings. O +. O . O + +Question_ID O Question_ID O +: O : O +41325590 O 41325590 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41325590/ O https://stackoverflow.com/questions/41325590/ O + + +I O I O +am O am O +trying O trying O +to O to O +empty O empty O +a O a O +directory O directory O +using O using O +the O the O +rm B-Code_Block rm B-Code_Block +program O program O +. O . O + +I O I O +capture O capture O +a O a O +path O path O +into O into O +a O a O +variable O variable O +and O and O +go O go O +to O to O +use O use O +this O this O +like O like O +so O so O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5242 I-Code_Block Q_5242 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +There O There O +certainly O certainly O +is O is O +such O such O +a O a O +directory O directory O +at O at O +the O the O +path O path O +. O . O + +When O When O +I O I O +try O try O +this O this O +manually O manually O +, O , O +without O without O +a O a O +variable O variable O +, O , O +it O it O +works O works O +as O as O +expected O expected O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5243 I-Code_Block Q_5243 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41325590 O 41325590 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41325590/ O https://stackoverflow.com/questions/41325590/ O + + +You O You O +'re O 're O +using O using O +fancy O fancy O +quotes O quotes O +in O in O +your O your O +assignment O assignment O +of O of O +export_folder_path B-Code_Block export_folder_path B-Code_Block +. O . O + +These O These O +slanted O slanted O +Unicode O Unicode O +quotes O quotes O +are O are O +not O not O +recognized O recognized O +as O as O +quotes O quotes O +by O by O +bash B-Application bash O +, O , O +and O and O +are O are O +therefore O therefore O +treated O treated O +as O as O +literals O literals O +. O . O + +This O This O +is O is O +usually O usually O +due O due O +to O to O +copypasting O copypasting O +from O from O +blogs O blogs O +, O , O +or O or O +using O using O +an O an O +editor B-Application editor O +or O or O +OS O OS O +not O not O +intended O intended O +for O for O +programmers O programmers O +such O such O +as O as O +Word B-Application Word O +or O or O +macOS B-Operating_System macOS O +. O . O + +Replace O Replace O +them O them O +with O with O +regular O regular O +ASCII O ASCII O +double O double O +quotes O quotes O +in O in O +your O your O +script O script O +, O , O +and O and O +disable O disable O +" O " O +smart O smart O +quotes O quotes O +" O " O +in O in O +your O your O +editor B-Application editor O +or O or O +OS O OS O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41325590 O 41325590 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41325590/ O https://stackoverflow.com/questions/41325590/ O + + +If O If O +you O you O +are O are O +sure O sure O +about O about O +removing O removing O +the O the O +directory O directory O +along O along O +with O with O +its O its O +contents O contents O +, O , O +I O I O +would O would O +advise O advise O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5920 I-Code_Block A_5920 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +double O double O +quotes O quotes O +will O will O +take O take O +care O care O +of O of O +any O any O +spaces O spaces O +in O in O +the O the O +name O name O +of O of O +the O the O +directory O directory O +. O . O + +Question_ID O Question_ID O +: O : O +10116412 O 10116412 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10116412/ O https://stackoverflow.com/questions/10116412/ O + + +Had O Had O +a O a O +bit O bit O +of O of O +a O a O +" O " O +is O is O +this O this O +real O real O +life O life O +moment O moment O +" O " O +. O . O + +Why O Why O +are O are O +we O we O +naming O naming O +mutators O mutators O +with O with O +get O get O +and O and O +set O set O +prefixes O prefixes O +: O : O + +It O It O +would O would O +just O just O +as O as O +easy O easy O +and O and O +understandable O understandable O +to O to O +just O just O +do O do O + +myMember B-Function myMember O +( O ( O +myMember B-Class myMember O +Member B-Variable Member O +) O ) O + +as O as O +setMyMember B-Function setMyMember O +and O and O +getMyMember B-Function getMyMember O + +Is O Is O +there O there O +a O a O +historical O historical O +reason O reason O +why O why O +Java B-Language Java O +has O has O +this O this O +style O style O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +10116412 O 10116412 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/10116412/ O https://stackoverflow.com/questions/10116412/ O + + +The O The O +get* O get* O +and O and O +set* O set* O +style O style O +of O of O +naming O naming O +is O is O +specified O specified O +in O in O +the O the O +JavaBeans B-Class JavaBeans O +specification O specification O +, O , O +and O and O +some O some O +libraries O libraries O +using O using O +reflection O reflection O +expect O expect O +this O this O +style O style O +to O to O +be O be O +used O used O +. O . O + +For O For O +example O example O +, O , O +Jackson B-Class Jackson O +mapper I-Class mapper O +can O can O +serialize O serialize O +a O a O +java B-Language java O +object O object O +using O using O +the O the O +get/setters O get/setters O +to O to O +JSON B-File_Type JSON O +without O without O +any O any O +additional O additional O +annotations O annotations O +; O ; O +if O if O +you O you O +use O use O +a O a O +different O different O +naming O naming O +style O style O +, O , O +you O you O +have O have O +to O to O +tell O tell O +it O it O +where O where O +your O your O +properties O properties O +are O are O +. O . O + +Note O Note O +that O that O +some O some O +other O other O +programming O programming O +languages O languages O +use O use O +different O different O +styles O styles O +. O . O + +Perl B-Language Perl O +libraries O libraries O +, O , O +for O for O +example O example O +, O , O +often O often O +use O use O +a O a O +->someProperty() B-Function ->someProperty() B-Code_Block +getter O getter O +and O and O +->someProperty($newValue) B-Function ->someProperty($newValue) B-Code_Block +setter O setter O +. O . O + +Question_ID O Question_ID O +: O : O +49096137 O 49096137 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/49096137/ O https://stackoverflow.com/questions/49096137/ O + + +I O I O +am O am O +following O following O +the O the O +Basic O Basic O +Single-Row O Single-Row O +Tile O Tile O +Source O Source O +Collection O Collection O +example O example O +with O with O +the O the O +same O same O +configurations O configurations O +and O and O +tile O tile O +sources O sources O +as O as O +mentioned O mentioned O +in O in O +the O the O +example O example O +. O . O + +I O I O +am O am O +now O now O +trying O trying O +to O to O +add O add O +overlays B-User_Interface_Element overlays O +on O on O +the O the O +first O first O +and O and O +second O second O +image B-User_Interface_Element image O +but O but O +having O having O +trouble O trouble O +doing O doing O +it O it O +. O . O + +The O The O +first O first O +overlay B-User_Interface_Element overlay O +should O should O +have O have O +been O been O +positioned O positioned O +on O on O +top O top O +of O of O +the O the O +first O first O +image B-User_Interface_Element image O +and O and O +the O the O +second O second O +overlay B-User_Interface_Element overlay O +should O should O +have O have O +been O been O +placed O placed O +on O on O +the O the O +second O second O +image B-User_Interface_Element image O +but O but O +its O its O +not O not O +happening O happening O +that O that O +way. O way. O +. O . O + +I O I O +am O am O +adding O adding O +the O the O +overlays B-User_Interface_Element overlays O +collection O collection O +to O to O +the O the O +tileSources B-Class tileSources O +collection O collection O +. O . O + +Are O Are O +the O the O +overlays B-User_Interface_Element overlays O +not O not O +independent O independent O +for O for O +different O different O +pages O pages O +? O ? O + +Also O Also O +, O , O +I O I O +get O get O +the O the O +below O below O +error O error O +in O in O +console B-Application console O +after O after O +adding O adding O +the O the O +overlays O overlays O +, O , O +I O I O +do O do O +not O not O +understand O understand O +how O how O +I O I O +can O can O +use O use O +TiledImage.imageToViewportRectangle B-Class TiledImage.imageToViewportRectangle O +in O in O +such O such O +basic O basic O +initialization O initialization O +of O of O +the O the O +plugin B-Application plugin O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +. O . O + +Codepen B-Application Codepen O +example O example O +URL O URL O +: O : O +https://codepen.io/hussainb/pen/QQPPvL O https://codepen.io/hussainb/pen/QQPPvL O + +Codepen B-Application Codepen O +Code O Code O +: O : O + +html B-Language html O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6562 I-Code_Block Q_6562 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +css B-Language css O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6563 I-Code_Block Q_6563 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Javascript B-Language Javascript O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6564 I-Code_Block Q_6564 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +49096137 O 49096137 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/49096137/ O https://stackoverflow.com/questions/49096137/ O + + +Looks O Looks O +like O like O +this O this O +is O is O +a O a O +bug O bug O +with O with O +OpenSeadragon B-Library OpenSeadragon O +! O ! O + +Here O Here O +'s O 's O +the O the O +issue O issue O +ticket O ticket O +: O : O + +https://github.com/openseadragon/openseadragon/issues/1412 O https://github.com/openseadragon/openseadragon/issues/1412 O + +You O You O +can O can O +work O work O +around O around O +it O it O +by O by O +storing O storing O +your O your O +overlays B-User_Interface_Element overlays O +separately O separately O +and O and O +adding O adding O +them O them O +after O after O +the O the O +images B-User_Interface_Element images O +have O have O +opened O opened O +, O , O +something O something O +like O like O +so O so O +( O ( O +assuming O assuming O +you O you O +'ve O 've O +already O already O +created O created O +a O a O +viewer B-Class viewer O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7226 I-Code_Block A_7226 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +see O see O +this O this O +in O in O +action O action O +here O here O +: O : O + +https://codepen.io/iangilman/pen/aqgzJZ O https://codepen.io/iangilman/pen/aqgzJZ O + +Question_ID O Question_ID O +: O : O +16178085 O 16178085 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16178085/ O https://stackoverflow.com/questions/16178085/ O + + +Some O Some O +data O data O +I O I O +have O have O +to O to O +plot O plot O +have O have O +coordinates O coordinates O +such O such O +as O as O +( B-Value ( O +20 I-Value 20 O +, I-Value , O +0 I-Value 0 O +) I-Value ) O +, O , O +( B-Value ( O +10 I-Value 10 O +, I-Value , O +0 I-Value 0 O +) I-Value ) O +, O , O +etc O etc O +.. O .. O +. O . O +Basically O Basically O +some O some O +of O of O +the O the O +points O points O +belong O belong O +to O to O +the O the O +x-axis O x-axis O +. O . O + +The O The O +problem O problem O +is O is O +, O , O +these O these O +points O points O +are O are O +hidden O hidden O +by O by O +the O the O +axis O axis O +; O ; O +i.e O i.e O +. O . O +the O the O +markers O markers O +are O are O +behind O behind O +the O the O +line O line O +and O and O +therefore O therefore O +cannot O cannot O +be O be O +seen O seen O +properly O properly O +. O . O + +Here O Here O +is O is O +an O an O +example O example O +of O of O +my O my O +figure O figure O +: O : O +http://i.stack.imgur.com/FNcob.png O http://i.stack.imgur.com/FNcob.png O + +Does O Does O +anybody O anybody O +have O have O +an O an O +idea O idea O +to O to O +solve O solve O +this O this O +problem O problem O +? O ? O + +I O I O +am O am O +running O running O +out O out O +of O of O +idea O idea O +.. O .. O +. O . O + +Thanks O Thanks O +. O . O + +Viktor B-User_Name Viktor O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16178085 O 16178085 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16178085/ O https://stackoverflow.com/questions/16178085/ O + + +Matplotlib B-Library Matplotlib O +" O " O +snaps O snaps O +" O " O +plot O plot O +limits O limits O +to O to O +" O " O +whole O whole O +" O " O +( O ( O +factors O factors O +of O of O +2 B-Value 2 O +, O , O +5 B-Value 5 O +, O , O +10 B-Value 10 O +, O , O +100 B-Value 100 O +, O , O +etc O etc O +) O ) O +numbers O numbers O +, O , O +by O by O +default O default O +. O . O + +This O This O +often O often O +means O means O +that O that O +your O your O +data O data O +may O may O +wind O wind O +up O up O +on O on O +the O the O +boundary O boundary O +of O of O +the O the O +plot O plot O +. O . O + +ax.margins B-Function ax.margins B-Code_Block +allows O allows O +you O you O +to O to O +add O add O +a O a O +padding O padding O +factor O factor O +before O before O +this O this O +autoscaling O autoscaling O +for O for O +the O the O +plot O plot O +is O is O +calculated O calculated O +. O . O + +It O It O +'s O 's O +a O a O +quick O quick O +way O way O +to O to O +avoid O avoid O +the O the O +problem O problem O +of O of O +points O points O +on O on O +the O the O +plot O plot O +boundary O boundary O +. O . O + +As O As O +a O a O +quick O quick O +example O example O +of O of O +the O the O +problem O problem O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2085 I-Code_Block A_2085 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +an O an O +easy O easy O +solution O solution O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2086 I-Code_Block A_2086 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +25877240 O 25877240 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25877240/ O https://stackoverflow.com/questions/25877240/ O + + +I O I O +have O have O +a O a O +table B-Data_Structure table O +of O of O +data O data O +that O that O +goes O goes O +quite O quite O +some O some O +time O time O +back O back O +, O , O +but O but O +I O I O +only O only O +want O want O +to O to O +results O results O +in O in O +my O my O +query O query O +for O for O +the O the O +last O last O +13 O 13 O +weeks O weeks O +. O . O + +There O There O +is O is O +a O a O +date O date O +column B-Data_Structure column O +in O in O +that O that O +table B-Data_Structure table O +. O . O + +I O I O +can O can O +use O use O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2958 I-Code_Block Q_2958 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +to O to O +get O get O +the O the O +date O date O +of O of O +13 O 13 O +weeks O weeks O +back O back O +as O as O +a O a O +separate O separate O +query O query O +- O - O +but O but O +I O I O +am O am O +having O having O +trouble O trouble O +linking O linking O +that O that O +into O into O +the O the O +initial O initial O +select O select O +to O to O +only O only O +return O return O +me O me O +the O the O +last O last O +13 O 13 O +weeks O weeks O +of O of O +data O data O +. O . O + +I O I O +have O have O +used O used O +that O that O +query O query O +as O as O +the O the O +data O data O +should O should O +refresh O refresh O +every O every O +day O day O +to O to O +go O go O +back O back O +13 O 13 O +weeks O weeks O +to O to O +that O that O +date O date O +. O . O + +Is O Is O +there O there O +any O any O +way O way O +I O I O +can O can O +do O do O +that O that O +? O ? O + +Thanks O Thanks O +in O in O +advance O advance O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25877240 O 25877240 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25877240/ O https://stackoverflow.com/questions/25877240/ O + + +I O I O +'m O 'm O +a O a O +bit O bit O +confused O confused O +on O on O +what O what O +your O your O +issue O issue O +is O is O +. O . O + +You O You O +should O should O +be O be O +able O able O +to O to O +use O use O +the O the O +dateadd() B-Function dateadd() O +in O in O +your O your O +where B-Code_Block where O +clause O clause O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3567 I-Code_Block A_3567 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25877240 O 25877240 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25877240/ O https://stackoverflow.com/questions/25877240/ O + + +This O This O +should O should O +be O be O +what O what O +you O you O +are O are O +looking O looking O +for O for O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3566 I-Code_Block A_3566 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +45819970 O 45819970 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45819970/ O https://stackoverflow.com/questions/45819970/ O + + +I O I O +want O want O +to O to O +build O build O +a O a O +specific O specific O +nodejs B-Library nodejs O +as O as O +a O a O +static O static O +library O library O +without O without O +some O some O +internal O internal O +module O module O +like O like O +child_process B-Class child_process B-Code_Block +dns I-Class dns I-Code_Block +etc O etc O +. O . O + +Is O Is O +there O there O +a O a O +configurable O configurable O +way O way O +to O to O +go O go O +about O about O +this O this O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +45819970 O 45819970 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45819970/ O https://stackoverflow.com/questions/45819970/ O + + +Remove O Remove O +the O the O +modules O modules O +you O you O +do O do O +n't O n't O +want O want O +from O from O +node.gyp B-Library node.gyp O +, O , O +remove O remove O +the O the O +.js B-File_Type .js O +files O files O +from O from O +the O the O +lib B-File_Name lib B-Code_Block +folder O folder O +, O , O +remove O remove O +them O them O +from O from O +the O the O +builtinLibs B-Class builtinLibs B-Code_Block +array B-Data_Structure array O +in O in O +lib/internal/module.js B-File_Name lib/internal/module.js B-Code_Block +then O then O +build O build O +it O it O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6658 I-Code_Block A_6658 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Be O Be O +aware O aware O +that O that O +these O these O +modules O modules O +are O are O +used O used O +in O in O +tests O tests O +and O and O +benchmarks O benchmarks O +, O , O +and O and O +for O for O +example O example O +with O with O +child_proccess B-File_Name child_proccess B-Code_Block +, O , O +in O in O +lib/internal/v8_prof_polyfill.js B-File_Name lib/internal/v8_prof_polyfill.js B-Code_Block +and O and O +lib/internal/cluster/master.js B-File_Name lib/internal/cluster/master.js B-Code_Block + +Question_ID O Question_ID O +: O : O +36780536 O 36780536 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36780536/ O https://stackoverflow.com/questions/36780536/ O + + +Let O Let O +me O me O +commence O commence O +by O by O +stating O stating O +my O my O +objective O objective O +: O : O +I O I O +am O am O +attempting O attempting O +to O to O +compare O compare O +two O two O +13-bit O 13-bit O +integers B-Data_Type integers O +: O : O +> B-Code_Block > O +, O , O +< B-Code_Block < O +, O , O +and O and O += B-Code_Block = O +; O ; O +I O I O +have O have O +to O to O +do O do O +this O this O +calculation O calculation O +trillions O trillions O +of O of O +times O times O +, O , O +so O so O +it O it O +is O is O +imperative O imperative O +that O that O +I O I O +optimize O optimize O +it O it O +as O as O +much O much O +as O as O +possible O possible O +. O . O + +My O My O +program O program O +currently O currently O +utilizes O utilizes O +Python B-Language Python O +2.7 B-Version 2.7 O +and O and O +pyopencl B-Library pyopencl O +to O to O +achieve O achieve O +this O this O +calculation O calculation O +. O . O + +I O I O +am O am O +averaging O averaging O +about O about O +800 O 800 O +GFlops O GFlops O +out O out O +of O of O +my O my O +ATI B-Device ATI O +Radeon I-Device Radeon O +6870 I-Device 6870 O +which O which O +is O is O +fine O fine O +for O for O +now O now O +. O . O + +So O So O +here O here O +is O is O +my O my O +question O question O +: O : O +If O If O +instead O instead O +of O of O +caring O caring O +out O out O +the O the O +<, B-Code_Block <, O +>, I-Code_Block >, O +and O and O += B-Code_Block = O +operators O operators O +on O on O +4 O 4 O +byte O byte O +floats B-Data_Type floats O +(as O (as O +I O I O +am O am O +doing O doing O +now), O now), O +I O I O +wrote O wrote O +bitwise O bitwise O +functions O functions O +to O to O +handle O handle O +the O the O +<, B-Code_Block <, O +> I-Code_Block > O +, O , O +and O and O += B-Code_Block = O +, O , O +and O and O +I O I O +was O was O +able O able O +to O to O +process O process O +2 O 2 O +- O - O +13 O 13 O +bits O bits O +objects O objects O +at O at O +a O a O +time O time O +, O , O +would O would O +this O this O +increase O increase O +my O my O +speed O speed O +? O ? O + +Or O Or O +does O does O +C B-Language C O +already O already O +have O have O +the O the O +most O most O +efficient O efficient O +way O way O +of O of O +finding O finding O +<, B-Code_Block <, O +and O and O +> B-Code_Block > O +, O , O +and O and O += B-Code_Block = O +( O ( O +obviously O obviously O +) O ) O +for O for O +floats B-Data_Type floats O +? O ? O + +Question_ID O Question_ID O +: O : O +28601689 O 28601689 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28601689/ O https://stackoverflow.com/questions/28601689/ O + + +I O I O +Have O Have O +a O a O +models O models O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3359 I-Code_Block Q_3359 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +there O there O +is O is O +some O some O +query O query O +that O that O +i O i O +want O want O +the O the O +orm O orm O +form O form O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3360 I-Code_Block Q_3360 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +at O at O +last O last O +do O do O +u O u O +know O know O +any O any O +good O good O +refrence O refrence O +for O for O +orm O orm O + +thx O thx O +for O for O +help O help O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +28601689 O 28601689 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28601689/ O https://stackoverflow.com/questions/28601689/ O + + +I O I O +'m O 'm O +assuming O assuming O +the O the O +group B-Function group O +by I-Function by O +is O is O +for O for O +ordering O ordering O +. O . O + +If O If O +you O you O +really O really O +want O want O +group_by B-Function group_by O +look O look O +at O at O +aggregates O aggregates O +and O and O +annotate O annotate O +in O in O +django B-Library django O +. O . O + +My O My O +guess O guess O +of O of O +what O what O +you O you O +are O are O +looking O looking O +for O for O +is O is O +: O : O + +1 O 1 O +: O : O +Get O Get O +the O the O +person O person O +record O record O +- O - O +select B-Code_Block select O +person_name I-Code_Block person_name O +from I-Code_Block from O +Person I-Code_Block Person O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4004 I-Code_Block A_4004 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +2 O 2 O +: O : O +select B-Code_Block select O +* I-Code_Block * O +from I-Code_Block from O +Person I-Code_Block Person O +, I-Code_Block , O +Car I-Code_Block Car O +where I-Code_Block where O +car_owner I-Code_Block car_owner O += I-Code_Block = O +person_id I-Code_Block person_id O + +Get O Get O +the O the O +cars B-Variable cars O +belonging O belonging O +to O to O +the O the O +person B-Variable person O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4005 I-Code_Block A_4005 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +3 O 3 B-Code_Block +: O : I-Code_Block +select B-Code_Block select I-Code_Block +* I-Code_Block * O +from I-Code_Block from O +Person I-Code_Block Person O +, I-Code_Block , O +Car I-Code_Block Car O +group_by(person_name) I-Code_Block group_by(person_name) O + +Get O Get O +list B-Data_Structure list O +of O of O +cars B-Variable cars O +sorted O sorted O +by O by O +owner B-Variable owner O + +CODE_BLOCK B-Code_Block CODE_BLOCK O +: I-Code_Block : O +A_4006 I-Code_Block A_4006 B-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +4 O 4 B-Code_Block +: O : I-Code_Block +select B-Code_Block select I-Code_Block +* I-Code_Block * I-Code_Block +from I-Code_Block from O +Person I-Code_Block Person O +, I-Code_Block , O +Car I-Code_Block Car O +where I-Code_Block where O +name I-Code_Block name O +like I-Code_Block like O +%x% I-Code_Block %x% O +group_by(person_name) I-Code_Block group_by(person_name) O +having I-Code_Block having O +car_id I-Code_Block car_id O +>= I-Code_Block >= O +2 I-Code_Block 2 O + +List B-Data_Structure List O +of O of O +cars B-Variable cars O +with O with O +search O search O +criteria O criteria O + +CODE_BLOCK B-Code_Block CODE_BLOCK O +: I-Code_Block : O +A_4007 I-Code_Block A_4007 O +( I-Code_Block ( O +code I-Code_Block code O +omitted I-Code_Block omitted B-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Cars B-Variable Cars B-Code_Block +and O and I-Code_Block +their O their I-Code_Block +Owners B-Variable Owners I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : O +A_4008 I-Code_Block A_4008 O +( I-Code_Block ( O +code I-Code_Block code O +omitted I-Code_Block omitted B-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +46224181 O 46224181 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46224181/ O https://stackoverflow.com/questions/46224181/ O + + +Here O Here O +'s O 's O +what O what O +I O I O +intend O intend O +to O to O +do O do O +. O . O + +Request O Request O +https://reqres.in/api/users/2 O https://reqres.in/api/users/2 B-Code_Block + +Which O Which O +sends O sends O +a O a O +response O response O +as O as O +follows O follows O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6060 I-Code_Block Q_6060 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +, O , O +I O I O +wanna O wanna O +grab O grab O +the O the O +avatar O avatar O +url O url O +and O and O +make O make O +another O another O +request O request O +, O , O +which O which O +gives O gives O +me O me O +the O the O +image B-File_Type image O +binary I-File_Type binary O +. O . O + +At O At O +the O the O +end O end O +of O of O +this O this O +, O , O +what O what O +I O I O +want O want O +as O as O +output O output O +is O is O +an O an O +Observable B-Class Observable O +that O that O +gives O gives O +me O me O +this O this O +data O data O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6061 I-Code_Block Q_6061 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Here O Here O +'s O 's O +how O how O +I O I O +approached O approached O +but O but O +ca O ca O +n't O n't O +finish O finish O +it O it O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6062 I-Code_Block Q_6062 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Basically O Basically O +, O , O +is O is O +there O there O +any O any O +way O way O +to O to O +have O have O +a O a O +structure O structure O +like O like O +this O this O +, O , O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6063 I-Code_Block Q_6063 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Which O Which O +then O then O +gets O gets O +resolved O resolved O +to O to O +my O my O +final O final O +data O data O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +46224181 O 46224181 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46224181/ O https://stackoverflow.com/questions/46224181/ O + + +You O You O +do O do O +n't O n't O +need O need O +to O to O +use O use O +switchMap B-Function switchMap B-Code_Block +for O for O +this O this O +and O and O +use O use O +concatMap B-Function concatMap B-Code_Block +or O or O +mergeMap B-Function mergeMap B-Code_Block +instead O instead O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6702 I-Code_Block A_6702 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +34622614 O 34622614 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34622614/ O https://stackoverflow.com/questions/34622614/ O + + +I O I O +would O would O +like O like O +my O my O +page O page O +to O to O +pop-up O pop-up O +a O a O +window B-User_Interface_Element window O +that O that O +contains O contains O +a O a O +form B-User_Interface_Element form O +. O . O + +When O When O +the O the O +form B-User_Interface_Element form O +is O is O +filled O filled O +out O out O +and O and O +Submit O Submit O +is O is O +clicked O clicked O +, O , O +I O I O +would O would O +like O like O +the O the O +pop-up B-User_Interface_Element pop-up O +to O to O +remain O remain O +on O on O +top O top O +of O of O +the O the O +page B-User_Interface_Element page O +with O with O +new O new O +data O data O +loaded O loaded O +into O into O +it O it O +. O . O + +Whenever O Whenever O +I O I O +try O try O +this O this O +so O so O +far O far O +, O , O +when O when O +I O I O +click O click O +on O on O +the O the O +submit O submit O +button B-User_Interface_Element button O +in O in O +my O my O +pop-up B-User_Interface_Element pop-up O +, O , O +the O the O +pop-up B-User_Interface_Element pop-up O +either O either O +closes O closes O +, O , O +if O if O +I O I O +have O have O +target B-Code_Block target O += I-Code_Block = O +" I-Code_Block " O +_self I-Code_Block _self O +" I-Code_Block " O +, O , O +or O or O +the O the O +contains O contains O +of O of O +the O the O +pop-up B-User_Interface_Element pop-up O +go O go O +into O into O +a O a O +new O new O +tab B-User_Interface_Element tab O +that O that O +the O the O +browser B-Application browser O +opens O opens O +. O . O + +I O I O +have O have O +yet O yet O +to O to O +find O find O +a O a O +solution O solution O +that O that O +allows O allows O +the O the O +pop-up B-User_Interface_Element pop-up O +to O to O +stay O stay O +up O up O +when O when O +coming O coming O +from O from O +this O this O +AJAX B-Library AJAX O +pop-up B-Function pop-up O +function O function O +( O ( O +listed O listed O +below O below O +) O ) O +. O . O + +I O I O +could O could O +do O do O +a O a O +standard O standard O +non-AJAX B-Library non-AJAX O +popup B-Function popup O +, O , O +but O but O +then O then O +if O if O +a O a O +user O user O +clicks O clicks O +on O on O +the O the O +page B-User_Interface_Element page O +the O the O +pop-up B-User_Interface_Element pop-up O +came O came O +from O from O +, O , O +the O the O +pop-up B-User_Interface_Element pop-up O +goes O goes O +underneath O underneath O +the O the O +main O main O +page B-User_Interface_Element page O +, O , O +which O which O +is O is O +n't O n't O +something O something O +I O I O +want O want O +at O at O +all O all O +. O . O + +Here O Here O +is O is O +the O the O +page B-User_Interface_Element page O +where O where O +my O my O +pop-up B-User_Interface_Element pop-up O +comes O comes O +from O from O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4221 I-Code_Block Q_4221 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4222 I-Code_Block Q_4222 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +So O So O +, O , O +this O this O +is O is O +the O the O +current O current O +graph B-Data_Structure graph O +and O and O +form B-User_Interface_Element form O +pop-up I-User_Interface_Element pop-up O +. O . O + +It O It O +is O is O +in O in O +the O the O +form O form O +of O of O +a O a O +JSP B-Application JSP O +backed O backed O +by O by O +a O a O +servlet B-Class servlet O +. O . O + +The O The O +first O first O +part O part O +of O of O +the O the O +header B-User_Interface_Element header O +gets O gets O +all O all O +the O the O +parameters O parameters O +and O and O +then O then O +zoomPlot.generatePlot() B-Function zoomPlot.generatePlot() O +creates O creates O +the O the O +plot B-User_Interface_Element plot O +and O and O +saves O saves O +it O it O +as O as O +a O a O +.png B-File_Type .png O +. O . O + +The O The O +body O body O +displays O displays O +the O the O +.png B-File_Type .png O +graph B-Data_Structure graph O +and O and O +then O then O +also O also O +shows O shows O +the O the O +form B-User_Interface_Element form O +. O . O + +When O When O +one O one O +submits O submits O +the O the O +form B-User_Interface_Element form O +, O , O +the O the O +same O same O +thing O thing O +happens O happens O +again O again O +. O . O + +The O The O +first O first O +time O time O +, O , O +this O this O +pop-up B-User_Interface_Element pop-up O +is O is O +displayed O displayed O +, O , O +the O the O +plot B-User_Interface_Element plot O +uses O uses O +default O default O +values O values O +. O . O + +I O I O +'m O 'm O +not O not O +really O really O +sure O sure O +how O how O +to O to O +convert O convert O +this O this O +to O to O +an O an O +AJAX B-Function AJAX O +request I-Function request O +, O , O +so O so O +if O if O +anyone O anyone O +has O has O +any O any O +good O good O +ideas O ideas O +, O , O +please O please O +let O let O +me O me O +know O know O +. O . O + +I O I O +'d O 'd O +like O like O +to O to O +recycle O recycle O +as O as O +much O much O +as O as O +I O I O +can O can O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4223 I-Code_Block Q_4223 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +34622614 O 34622614 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34622614/ O https://stackoverflow.com/questions/34622614/ O + + +Use O Use O +AJAX B-Library AJAX O +to O to O +submit O submit O +the O the O +form B-HTML_XML_Tag form O +. O . O + +In O In O +your O your O +init O init O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4934 I-Code_Block A_4934 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Elsewhere O Elsewhere O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4935 I-Code_Block A_4935 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +34622614 O 34622614 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/34622614/ O https://stackoverflow.com/questions/34622614/ O + + +There O There O +are O are O +many O many O +ways O ways O +I O I O +would O would O +do O do O +it O it O +: O : O + +1 O 1 O +: O : O +A O A O +form B-HTML_XML_Tag form O +and O and O +an O an O +Iframe B-HTML_XML_Tag Iframe O + +Target O Target O +the O the O +form B-HTML_XML_Tag form O +to O to O +the O the O +iframe B-HTML_XML_Tag iframe O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4931 I-Code_Block A_4931 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Visually O Visually O +hide O hide O +the O the O +iframe B-HTML_XML_Tag iframe O +with O with O +CSS B-Language CSS O +on O on O +initial O initial O +load O load O +. O . O + +You O You O +should O should O +visibility B-Code_Block visibility B-Code_Block +: I-Code_Block : I-Code_Block +hidden I-Code_Block hidden I-Code_Block +; I-Code_Block ; I-Code_Block +instead O instead O +of O of O +display B-Code_Block display B-Code_Block +: I-Code_Block : I-Code_Block +none I-Code_Block none I-Code_Block +; I-Code_Block ; I-Code_Block +because O because O +the O the O +latter O latter O +destroys O destroys O +an O an O +element O element O +from O from O +the O the O +DOM B-Library DOM O +. O . O + +Prevent O Prevent O +default O default O +submission O submission O +of O of O +the O the O +form O form O +. B-HTML_XML_Tag . O + +When O When O +the O the O +form B-HTML_XML_Tag form O +is O is O +submitted O submitted O +( O ( O +with O with O +AJAX B-Library AJAX O +) O ) O +, O , O +hide O hide O +the O the O +form B-HTML_XML_Tag form O +and O and O +show O show O +the O the O +iframe B-HTML_XML_Tag iframe O +. O . O + +The O The O +dialog B-User_Interface_Element dialog O +would O would O +still O still O +be O be O +open O open O +. O . O + +2 O 2 O +: O : O +A O A O +form B-HTML_XML_Tag form O +with O with O +AJAX B-Library AJAX O + +Wrap O Wrap O +the O the O +form B-HTML_XML_Tag form O +in O in O +a O a O +div B-HTML_XML_Tag div O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4932 I-Code_Block A_4932 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Then O Then O +use O use O +AJAX B-Library AJAX O +to O to O +submit O submit O +the O the O +form B-HTML_XML_Tag form O +and O and O +show O show O +results O results O +in O in O +the O the O +#results B-HTML_XML_Tag #results O +-container I-HTML_XML_Tag -container O + +NOTE O NOTE O +: O : O + +I O I O +'m O 'm O +trying O trying O +to O to O +explain O explain O +the O the O +process O process O +so O so O +that O that O +you O you O +'ll O 'll O +be O be O +able O able O +to O to O +implement O implement O +your O your O +own O own O +login B-User_Interface_Element login O +. O . O + +DO O DO O +NOT O NOT O +FORGET O FORGET O +to O to O +prevent O prevent O +default O default O +submission O submission O +of O of O +the O the O +form B-HTML_XML_Tag form O +in O in O +any O any O +of O of O +the O the O +above O above O +examples O examples O +! O ! O + +Since O Since O +you O you O +use O use O +jQuery B-Library jQuery O +, O , O +it O it O +'s O 's O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4933 I-Code_Block A_4933 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +PS O PS O +: O : O +Your O Your O +snippet O snippet O +is O is O +not O not O +functioning O functioning O +properly O properly O +. O . O + +:::EDIT:: O :::EDIT:: O +: O : O + +Prevent O Prevent O +default O default O +submission O submission O +of O of O +the O the O +form B-HTML_XML_Tag form O + +Send O Send O +a O a O +POST B-Function POST O +request O request O +on O on O +submit O submit O +to O to O +your O your O +server B-Application server O + +Respond O Respond O +with O with O +the O the O +new O new O +graph B-User_Interface_Element graph O +image I-User_Interface_Element image O +url O url O +from O from O +the O the O +server B-Application server O + +Replace O Replace O +the O the O +old O old O +graph B-User_Interface_Element graph O +image I-User_Interface_Element image O +src B-HTML_XML_Tag src O +with O with O +the O the O +new O new O +one O one O + +Can O Can O +you O you O +add O add O +more O more O +code O code O +to O to O +your O your O +question O question O +so O so O +I O I O +can O can O +help O help O +out O out O +? O ? O + +Especially O Especially O +your O your O +current O current O +JavaScript B-Language JavaScript O +. O . O + +Question_ID O Question_ID O +: O : O +44954634 O 44954634 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/44954634/ O https://stackoverflow.com/questions/44954634/ O + + +The O The O +assignment O assignment O +is O is O +to O to O +develop O develop O +a O a O +monitor O monitor O +, O , O +by O by O +the O the O +name O name O +of O of O +matchmaker B-Function matchmaker O +. O . O + +We O We O +have O have O +a O a O +routine O routine O +: O : O +self() B-Function self() O +; O ; O +that O that O +returns O returns O +the O the O +thread O thread O +'s O 's O +id B-Variable id O +. O . O + +The O The O +matchmaker B-Function matchmaker O +method O method O +must O must O +do O do O +the O the O +following O following O +: O : O + +Threads O Threads O +that O that O +call O call O +this O this O +routine O routine O +" B-Value " O +trade I-Value trade O +" I-Value " O +tids B-Variable tids O +. O . O + +When O When O +a O a O +thread O thread O +A O A O +calls O calls O +make_match() B-Function make_match() O +and O and O +a O a O +value O value O +B B-Value B O +is O is O +returned O returned O +, O , O +this O this O +means O means O +that O that O +that O that O +thread O thread O +ID B-Variable ID O +B B-Value B O +also O also O +called O called O +the O the O +make_match B-Function make_match O +routine O routine O +. O . O + +For O For O +a O a O +pair O pair O +to O to O +be O be O +possible O possible O +make_match() B-Function make_match() O +can O can O +send O send O +the O the O +thread O thread O +to O to O +sleep O sleep O +, O , O +at O at O +will O will O +. O . O + +For O For O +the O the O +mutex O mutex O +and O and O +condition O condition O +variables O variables O +pthread.h B-File_Name pthread.h O +mustbe O mustbe O +used O used O +. O . O + +This O This O +is O is O +the O the O +code O code O +I O I O +came O came O +up O up O +with O with O +but O but O +because O because O +this O this O +is O is O +a O a O +written O written O +assignment O assignment O +I O I O +cannot O cannot O +evaluate O evaluate O +it O it O +'s O 's O +correctness O correctness O +. O . O + +I O I O +would O would O +like O like O +some O some O +feedback O feedback O +on O on O +wether O wether O +this O this O +could O could O +work O work O +or O or O +not O not O +. O . O + +Thank O Thank O +you O you O +in O in O +advance O advance O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5854 I-Code_Block Q_5854 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +45791902 O 45791902 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45791902/ O https://stackoverflow.com/questions/45791902/ O + + +I O I O +am O am O +using O using O +Rg.Plugins.Popup B-Class Rg.Plugins.Popup O +for O for O +a O a O +simple O simple O +confirmation O confirmation O +popup B-User_Interface_Element popup O +before O before O +deleting O deleting O +an O an O +item O item O +from O from O +the O the O +list O list O +like O like O +" B-Value " O +Are I-Value Are O +you I-Value you O +sure I-Value sure O +you I-Value you O +want I-Value want O +to I-Value to O +delete I-Value delete O +Item1 I-Value Item1 O +from I-Value from O +the I-Value the O +list I-Value list O +? I-Value ? O +" I-Value " O +. O . O + +I O I O +need O need O +to O to O +know O know O +how O how O +to O to O +pause O pause O +the O the O +deleting B-Function deleting O +method O method O +till O till O +it O it O +gets O gets O +the O the O +confirmation O confirmation O +from O from O +the O the O +popup B-User_Interface_Element popup O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5997 I-Code_Block Q_5997 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +45791902 O 45791902 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45791902/ O https://stackoverflow.com/questions/45791902/ O + + +You O You O +can O can O +use O use O +TaskCompletionSource B-Class TaskCompletionSource O + +For O For O +example O example O +, O , O +create O create O +PopupAlert B-Class PopupAlert B-Code_Block +page O page O +with O with O +an O an O +async B-Data_Type async O +Show B-Class Show B-Code_Block +method O method O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6656 I-Code_Block A_6656 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +, O , O +usage O usage O +would O would O +look O look O +like O like O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6657 I-Code_Block A_6657 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +45791902 O 45791902 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45791902/ O https://stackoverflow.com/questions/45791902/ O + + +Why O Why O +not O not O +leverage O leverage O +MessagingCenter B-Class MessagingCenter O +to O to O +call O call O +a O a O +method O method O +which O which O +will O will O +remove O remove O +said O said O +item B-Variable item O +? O ? O + +You O You O +could O could O +subscribe O subscribe O +to O to O +the O the O +message O message O +when O when O +displaying O displaying O +the O the O +popup B-User_Interface_Element popup O +and O and O +receive O receive O +it O it O +when O when O +the O the O +confirm O confirm O +button B-User_Interface_Element button O +has O has O +been O been O +clicked O clicked O +. O . O + +Question_ID O Question_ID O +: O : O +23042401 O 23042401 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23042401/ O https://stackoverflow.com/questions/23042401/ O + + +I O I O +have O have O +several O several O +mat B-File_Type mat O +file O file O +like O like O +: O : O +first.mat B-File_Name first.mat O +, O , O +second.mat B-File_Name second.mat O +, O , O +third.mat B-File_Name third.mat O +,.. O ,.. O +. O . O + +all O all O +of O of O +these O these O +files O files O +have O have O +the O the O +same O same O +content O content O +like O like O +: O : O +variable1 B-Variable variable1 O +<3400x1 B-Value <3400x1 O +double> B-Data_Type double> O +, O , O +variable2<1143x1 B-Variable variable2<1143x1 O +double> B-Data_Type double> O +, O , O +variable3<1141x1 B-Variable variable3<1141x1 O +double> B-Data_Type double> O +, O , O +.. O .. O +. O . O + +all O all O +mat B-File_Type mat O +files O files O +have O have O +the O the O +same O same O +content O content O +but O but O +the O the O +size O size O +of O of O +each O each O +variable O variable O +in O in O +each O each O +mat B-File_Type mat O +file O file O +is O is O +different O different O +. O . O + +I O I O +need O need O +to O to O +concatenate O concatenate O +all O all O +same O same O +variables O variables O +in O in O +all O all O +mat B-File_Type mat O +files O files O +in O in O +order O order O +to O to O +have O have O +just O just O +one O one O +mat B-File_Type mat O +file O file O +. O . O + +can O can O +somebody O somebody O +tell O tell O +me O me O +what O what O +can O can O +I O I O +do O do O +? O ? O +which O which O +function O function O +should O should O +I O I O +use O use O +? O ? O + +Many O Many O +thanks O thanks O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23042401 O 23042401 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23042401/ O https://stackoverflow.com/questions/23042401/ O + + +There O There O +is O is O +no O no O +matlab B-Language matlab O +function O function O +to O to O +do O do O +this O this O +, O , O +you O you O +need O need O +to O to O +open O open O +all O all O +individual O individual O +vectors B-Data_Structure vectors O +, O , O +combine O combine O +them O them O +in O in O +the O the O +way O way O +you O you O +want O want O +, O , O +and O and O +save O save O +them O them O +back O back O +to O to O +disk B-Device disk O +. O . O + +Something O Something O +like O like O +this O this O +( O ( O +untested O untested O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3118 I-Code_Block A_3118 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +23042401 O 23042401 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/23042401/ O https://stackoverflow.com/questions/23042401/ O + + +Thanks O Thanks O +all O all O +for O for O +your O your O +answers O answers O +, O , O +here O here O +is O is O +the O the O +final O final O +code O code O +which O which O +is O is O +working O working O +correctly O correctly O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3119 I-Code_Block A_3119 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +9612174 O 9612174 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9612174/ O https://stackoverflow.com/questions/9612174/ O + + +I O I O +am O am O +playing O playing O +with O with O +the O the O +new O new O +google B-Website google O +expansion O expansion O +pack O pack O +stuff O stuff O +, O , O +and O and O +the O the O +google O google O +library O library O +project O project O +for O for O +the O the O +downloader O downloader O +has O has O +a O a O +special O special O +values-v9/styles.xml B-File_Name values-v9/styles.xml O +file O file O +for O for O +the O the O +notification B-User_Interface_Element notification O +text O text O +properties O properties O +. O . O + +This O This O +causes O causes O +an O an O +error O error O +when O when O +the O the O +app O app O +that O that O +is O is O +using O using O +the O the O +library O library O +is O is O +preAPI9 B-Library preAPI9 O +.. O .. O +. O . O +at O at O +least O least O +for O for O +me O me O +. O . O + +It O It O +is O is O +referring O referring O +to O to O +some O some O +style O style O +stuff O stuff O +that O that O +only O only O +appeared O appeared O +in O in O +api9 B-Library api9 O +. B-Version . O + +I O I O +'ve O 've O +tried O tried O +setting O setting O + + I-Code_Block /> O + +in O in O +the O the O +AndroidManifest.xml B-File_Name AndroidManifest.xml O +of O of O +the O the O +main O main O +app O app O +, O , O +but O but O +this O this O +did O did O +n't O n't O +help O help O +. O . O + +I O I O +would O would O +( O ( O +naively O naively O +) O ) O +hope O hope O +eclipse B-Application eclipse O +would O would O +just O just O +ignore O ignore O +the O the O +error O error O +if O if O +I O I O +'m O 'm O +building O building O +for O for O +api8 B-Library api8 O +, B-Version , O +and O and O +then O then O +when O when O +deployed O deployed O +on O on O +the O the O +market O market O +the O the O +system O system O +would O would O +use O use O +the O the O +values-9 B-File_Name values-9 O +stuff O stuff O +if O if O +the O the O +phone O phone O +were O were O +at O at O +or O or O +above O above O +that O that O +level O level O +, O , O +but O but O +it O it O +does O does O +n't O n't O +seem O seem O +to O to O +work O work O +that O that O +way O way O +. O . O + +So O So O +, O , O +I O I O +'m O 'm O +hoping O hoping O +I O I O +'m O 'm O +missing O missing O +something O something O +trivial O trivial O +here O here O +. O . O + +btw O btw O +- O - O +here O here O +are O are O +the O the O +specific O specific O +errors O errors O + +Description B-Output_Block Description O +Resource I-Output_Block Resource O +Path I-Output_Block Path O +Location I-Output_Block Location O +Type I-Output_Block Type O + +error B-Output_Block error O +: I-Output_Block : O +Error I-Output_Block Error O +retrieving I-Output_Block retrieving O +parent I-Output_Block parent O +for I-Output_Block for O +item I-Output_Block item O +: I-Output_Block : O +No I-Output_Block No O +resource I-Output_Block resource O +found I-Output_Block found O +that I-Output_Block that O +matches I-Output_Block matches O +the I-Output_Block the O +given I-Output_Block given O +name I-Output_Block name O +' I-Output_Block ' O +android:TextAppearance.StatusBar.EventContent.Title I-Output_Block android:TextAppearance.StatusBar.EventContent.Title O +' I-Output_Block ' O +. I-Output_Block . O + +styles.xml B-Output_Block styles.xml O +/Google I-Output_Block /Google O +Play I-Output_Block Play O +Downloader I-Output_Block Downloader O +Library/res/values I-Output_Block Library/res/values O +-v9 I-Output_Block -v9 O +line I-Output_Block line O +4 I-Output_Block 4 O +Android I-Output_Block Android O +AAPT I-Output_Block AAPT O +Problem I-Output_Block Problem O + +Description B-Output_Block Description O +Resource I-Output_Block Resource O +Path I-Output_Block Path O +Location I-Output_Block Location O +Type I-Output_Block Type O + +error B-Output_Block error O +: I-Output_Block : O +Error I-Output_Block Error O +retrieving I-Output_Block retrieving O +parent I-Output_Block parent O +for I-Output_Block for O +item I-Output_Block item O +: I-Output_Block : O +No I-Output_Block No O +resource I-Output_Block resource O +found I-Output_Block found O +that I-Output_Block that O +matches I-Output_Block matches O +the I-Output_Block the O +given I-Output_Block given O +name I-Output_Block name O +' I-Output_Block ' O +android:TextAppearance.StatusBar.EventContent.Title I-Output_Block android:TextAppearance.StatusBar.EventContent.Title O +' I-Output_Block ' O +. O . O + +styles.xml B-Output_Block styles.xml O +/Google I-Output_Block /Google O +Play I-Output_Block Play O +Downloader I-Output_Block Downloader O +Library/res/values I-Output_Block Library/res/values O +-v9 I-Output_Block -v9 O +line I-Output_Block line O +4 I-Output_Block 4 O +Android I-Output_Block Android O +AAPT I-Output_Block AAPT O +Problem I-Output_Block Problem O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9612174 O 9612174 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9612174/ O https://stackoverflow.com/questions/9612174/ O + + +Yes O Yes O +, O , O +I O I O +'m O 'm O +getting O getting O +this O this O +also O also O +. O . O + +I O I O +posted O posted O +a O a O +related O related O +question O question O +here O here O +: O : O + +Android B-Operating_System Android O +apk B-File_Type apk O +expansion I-File_Type expansion O +file O file O +libs O libs O +problems O problems O + +I O I O +'m O 'm O +stumped O stumped O +to O to O +know O know O +what O what O +to O to O +do O do O +. O . O + +Update O Update O +: O : O + +This O This O +worked O worked O +for O for O +me O me O +. O . O + +I O I O +deleted O deleted O +the O the O +values-v9 B-File_Name values-v9 O +folder O folder O +and O and O +rebuilt O rebuilt O +everything O everything O +. O . O + +The O The O +DownloadManager B-Application DownloadManager O +is O is O +now O now O +working O working O +. O . O + +How O How O +, O , O +I O I O +do O do O +n't O n't O +know O know O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +9612174 O 9612174 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/9612174/ O https://stackoverflow.com/questions/9612174/ O + + +I O I O +'ve O 've O +fixed O fixed O +this O this O +error O error O +by O by O +building O building O +the O the O +project O project O +with O with O +the O the O +following O following O +commands O commands O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2730 I-Code_Block A_2730 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +first O first O +command O command O +tells O tells O +to O to O +use O use O +the O the O +Android B-Operating_System Android O +2.3.3 B-Version 2.3.3 O +toolchain O toolchain O +for O for O +buiding O buiding O +the O the O +project O project O +. O . O + +Note O Note O +that O that O +I O I O +still O still O +have O have O +android:minSdkVersion B-Code_Block android:minSdkVersion O += I-Code_Block = O +" I-Code_Block " O +8 I-Code_Block 8 O +" I-Code_Block " O +in O in O +AndroidManifest.xml B-File_Name AndroidManifest.xml O +. O . O + +You O You O +should O should O +not O not O +delete O delete O +the O the O +values-v9/ B-File_Name values-v9/ O +folder O folder O +. O . O + +Removing O Removing O +it O it O +can O can O +cause O cause O +displaying O displaying O +notification B-User_Interface_Element notification O +with O with O +dark B-User_Interface_Element dark O +font I-User_Interface_Element font O +on O on O +dark B-User_Interface_Element dark O +background I-User_Interface_Element background O +. O . O + +Question_ID O Question_ID O +: O : O +35238771 O 35238771 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35238771/ O https://stackoverflow.com/questions/35238771/ O + + +I O I O +am O am O +currently O currently O +trying O trying O +to O to O +add O add O +a O a O +toolbar B-User_Interface_Element toolbar O +as O as O +the O the O +action B-User_Interface_Element action O +bar I-User_Interface_Element bar O +and O and O +I O I O +am O am O +having O having O +trouble O trouble O +getting O getting O +anything O anything O +besides O besides O +the O the O +name O name O +of O of O +the O the O +app O app O +to O to O +display O display O +. O . O + +I O I O +am O am O +adding O adding O +the O the O +Toolbar B-User_Interface_Element Toolbar O +from O from O +appcompat B-Library appcompat O +and O and O +have O have O +created O created O +the O the O +menu B-File_Name menu O +xml I-File_Name xml O +file O file O +. O . O + +Is O Is O +there O there O +a O a O +necessary O necessary O +step O step O +I O I O +need O need O +to O to O +take O take O +in O in O +order O order O +to O to O +link O link O +the O the O +two O two O +? O ? O + +Here O Here O +is O is O +my O my O +activity B-File_Name activity O +xml I-File_Name xml O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4316 I-Code_Block Q_4316 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +am O am O +sure O sure O +the O the O +toolbar B-User_Interface_Element toolbar O +is O is O +being O being O +added O added O +to O to O +the O the O +layout O layout O +correctly O correctly O +because O because O +I O I O +have O have O +been O been O +able O able O +to O to O +change O change O +its O its O +size O size O +and O and O +that O that O +has O has O +been O been O +reflected O reflected O +correctly O correctly O +when O when O +it O it O +runs O runs O +. O . O + +Here O Here O +is O is O +the O the O +xml B-Language xml O +for O for O +the O the O +menu B-HTML_XML_Tag menu O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4317 I-Code_Block Q_4317 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +this O this O +is O is O +the O the O +only O only O +thing O thing O +that O that O +shows O shows O +up O up O +in O in O +the O the O +action B-User_Interface_Element action O +bar I-User_Interface_Element bar O +: O : O + +Just O Just O +to O to O +be O be O +clear O clear O +I O I O +am O am O +pretty O pretty O +much O much O +following O following O +this O this O +tutorial O tutorial O +exactly O exactly O +: O : O + +http://developer.android.com/training/appbar/index.html O http://developer.android.com/training/appbar/index.html O + +Any O Any O +help O help O +is O is O +appreciated O appreciated O +, O , O +thank O thank O +you O you O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35238771 O 35238771 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35238771/ O https://stackoverflow.com/questions/35238771/ O + + +add O add O +below O below O +method O method O +in O in O +you O you O +activity B-File_Name activity O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5038 I-Code_Block A_5038 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +33803125 O 33803125 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33803125/ O https://stackoverflow.com/questions/33803125/ O + + +i O i O +have O have O +created O created O +a O a O +SLIDE O SLIDE O +UP O UP O +animation B-Class animation O +on O on O +view O view O +and O and O +i O i O +am O am O +repeating O repeating O +this O this O +animation B-Class animation O +again O again O +onAnimationEnd B-Function onAnimationEnd O +but O but O +my O my O +onAnimationEnd B-Function onAnimationEnd O +fired O fired O +twice O twice O +, O , O +i O i O +have O have O +checked O checked O +it O it O +with O with O +counter B-Variable counter O +at O at O +onAnimationEnd B-Function onAnimationEnd O +, O , O +i O i O +will O will O +post O post O +my O my O +code O code O +, O , O +you O you O +can O can O +check O check O +that O that O +the O the O +counter B-Variable counter O +in O in O +onAnimationEnd B-Function onAnimationEnd O +will O will O +incremented O incremented O +twice O twice O +at O at O +same O same O +time O time O +, O , O +I O I O +am O am O +starting O starting O +the O the O +animation B-Class animation O +again O again O +in O in O +onAnimationEnd B-Function onAnimationEnd O +method O method O +, O , O +please O please O +guide O guide O +me O me O +where O where O +i O i O +am O am O +doing O doing O +wrong O wrong O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4121 I-Code_Block Q_4121 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +33803125 O 33803125 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33803125/ O https://stackoverflow.com/questions/33803125/ O + + +If O If O +you O you O +want O want O +your O your O +animation B-Class animation O +to O to O +play O play O +once O once O +, O , O +you O you O +have O have O +to O to O +remove O remove O +tickerView.startAnimation(animSlideUp) B-Code_Block tickerView.startAnimation(animSlideUp) O +; I-Code_Block ; O +from O from O +the O the O +onAnimationEnd B-Function onAnimationEnd O +Method O Method O +. O . O + +Avoid O Avoid O +using O using O +xml B-Language xml O +animations B-Class animations O +, O , O +it O it O +'s O 's O +much O much O +easier O easier O +in O in O +java B-Language java O +code O code O +. O . O + +If O If O +you O you O +'re O 're O +trying O trying O +to O to O +animate O animate O +two O two O +properties O properties O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4836 I-Code_Block A_4836 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +your O your O +case O case O +, O , O +you O you O +'re O 're O +only O only O +changing O changing O +the O the O +scaleY B-Variable scaleY O +value O value O +from O from O +1.0 B-Value 1.0 O +to O to O +0 B-Value 0 O +, O , O +so O so O +use O use O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4837 I-Code_Block A_4837 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +LinearInterpolator B-Class LinearInterpolator O +is O is O +used O used O +by O by O +default O default O +. O . O + +Repeat O Repeat O +after O after O +every O every O +5 O 5 O +sec O sec O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4838 I-Code_Block A_4838 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +33803125 O 33803125 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33803125/ O https://stackoverflow.com/questions/33803125/ O + + +I O I O +may O may O +found O found O +the O the O +solution O solution O +: O : O +post O post O +an O an O +runnable O runnable O +to O to O +restart O restart O +the O the O +animation B-Class animation O +. O . O + +In O In O +your O your O +case O case O +, O , O +in O in O +OnAnimationEnd() B-Function OnAnimationEnd() B-Code_Block +function O function O +, O , O +code O code O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5845 I-Code_Block A_5845 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +7222352 O 7222352 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7222352/ O https://stackoverflow.com/questions/7222352/ O + + +Is O Is O +there O there O +any O any O +way O way O +to O to O +see O see O +the O the O +page O page O +in O in O +Firebug B-Application Firebug O +or O or O +other O other O +software O software O +after O after O +the O the O +content O content O +of O of O +a O a O +div B-HTML_XML_Tag div O +has O has O +been O been O +replaced O replaced O +with O with O +ajax B-Library ajax O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7222352 O 7222352 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7222352/ O https://stackoverflow.com/questions/7222352/ O + + +yes O yes O + +firebug B-Application firebug O +marks O marks O +the O the O +changed O changed O +div B-HTML_XML_Tag div O +in O in O +yellow B-Value yellow O +and O and O +you O you O +can O can O +see O see O +the O the O +html B-Language html O +dynamic O dynamic O +updates O updates O +in O in O +the O the O +html B-Language html O +view O view O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7222352 O 7222352 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7222352/ O https://stackoverflow.com/questions/7222352/ O + + +Sure O Sure O +, O , O +you O you O +can O can O +inspect O inspect O +the O the O +DOM B-Library DOM O +with O with O +FireBug B-Application FireBug O +which O which O +always O always O +shows O shows O +the O the O +DOM B-Library DOM O +at O at O +its O its O +most O most O +recent O recent O +state O state O +( O ( O +and O and O +of O of O +course O course O +accounts O accounts O +for O for O +AJAX B-Library AJAX O +updates O updates O +) O ) O +: O : O + +Question_ID O Question_ID O +: O : O +18830315 O 18830315 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18830315/ O https://stackoverflow.com/questions/18830315/ O + + +I O I O +am O am O +trying O trying O +to O to O +create O create O +a O a O +simple O simple O +OSX B-Operating_System OSX O +app O app O +that O that O +has O has O +a O a O +split O split O +view O view O +( O ( O +top O top O +to O to O +bottom O bottom O +) O ) O +. O . O + +The O The O +second O second O +view O view O +of O of O +split O split O +view O view O +is O is O +a O a O +NSTabview B-Class NSTabview O +having O having O +three O three O +tabs B-User_Interface_Element tabs O +. O . O + +Everything O Everything O +looks O looks O +fine O fine O +but O but O +NSTabview B-Class NSTabview O +is O is O +not O not O +showing O showing O +tabs B-User_Interface_Element tabs O +bars I-User_Interface_Element bars O +( O ( O +it O it O +is O is O +not O not O +tabless O tabless O +) O ) O +however O however O +when O when O +i O i O +click O click O +around O around O +it O it O +works O works O +and O and O +switch O switch O +to O to O +other O other O +tabs B-User_Interface_Element tabs O +. O . O + +Question_ID O Question_ID O +: O : O +35329386 O 35329386 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35329386/ O https://stackoverflow.com/questions/35329386/ O + + +I O I O +have O have O +created O created O +an O an O +image B-User_Interface_Element image O +editor O editor O +on O on O +Qt B-Library Qt O +but O but O +I O I O +have O have O +an O an O +issue O issue O +displaying O displaying O +the O the O +image B-User_Interface_Element image O +on O on O +the O the O +graphicsView B-Class graphicsView B-Code_Block +. O . O + +When O When O +I O I O +open O open O +the O the O +image B-User_Interface_Element image O +, O , O +I O I O +call O call O +fitInView B-Function fitInView B-Code_Block +so O so O +that O that O +it O it O +fits O fits O +nicely O nicely O +to O to O +the O the O +graphicsView B-Class graphicsView B-Code_Block +and O and O +here O here O +lies O lies O +the O the O +problem O problem O +: O : O +when O when O +I O I O +maximize O maximize O +the O the O +window B-User_Interface_Element window O +the O the O +graphics O graphics O +view O view O +size O size O +changes O changes O +since O since O +I O I O +have O have O +set O set O +a O a O +horizontal O horizontal O +layout O layout O +, O , O +but O but O +the O the O +image B-User_Interface_Element image O +does O does O +n't O n't O +change O change O +size O size O +. O . O + +Here O Here O +some O some O +images B-User_Interface_Element images O +about O about O +what O what O +I O I O +'m O 'm O +talking O talking O +about O about O +: O : O + +If O If O +I O I O +open O open O +the O the O +file O file O +when O when O +the O the O +window B-User_Interface_Element window O +is O is O +already O already O +maximized O maximized O +, O , O +it O it O +'s O 's O +all O all O +good O good O +. O . O + +How O How O +can O can O +I O I O +call O call O +fitInView B-Function fitInView B-Code_Block +when O when O +the O the O +window B-User_Interface_Element window O +get O get O +maximized O maximized O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35329386 O 35329386 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35329386/ O https://stackoverflow.com/questions/35329386/ O + + +Quite O Quite O +easy O easy O +, O , O +just O just O +override O override O +the O the O +resizeEvent B-Class resizeEvent O +. O . O + +This O This O +working O working O +code O code O +relies O relies O +on O on O +QGraphicsView B-Class QGraphicsView O +and O and O +QGraphicsScene B-Class QGraphicsScene O +, O , O +zoom O zoom O +works O works O +as O as O +well O well O +;) O ;) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5058 I-Code_Block A_5058 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +41641771 O 41641771 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41641771/ O https://stackoverflow.com/questions/41641771/ O + + +I O I O +want O want O +to O to O +share O share O +images B-User_Interface_Element images O +to O to O +Instagram B-Application Instagram O +from O from O +my O my O +own O own O +iOS B-Operating_System iOS O +app O app O +and O and O +I O I O +am O am O +using O using O +Kingfisher B-Library Kingfisher O +throughout O throughout O +the O the O +project O project O +to O to O +download O download O +and O and O +cache O cache O +images B-User_Interface_Element images O +and O and O +show O show O +them O them O +in O in O +UIImageViews B-Class UIImageViews O +but O but O +this O this O +time O time O +I O I O +want O want O +to O to O +do O do O +something O something O +a O a O +little O little O +bit O bit O +different O different O +. O . O + +Basically O Basically O +, O , O +I O I O +am O am O +getting O getting O +a O a O +response O response O +from O from O +an O an O +API O API O +with O with O +the O the O +url O url O +of O of O +an O an O +image B-User_Interface_Element image O +and O and O +I O I O +want O want O +to O to O + +Download O Download O +the O the O +image B-User_Interface_Element image O +to O to O +the O the O +library O library O +using O using O +the O the O +URL O URL O + +There O There O +is O is O +a O a O +bunch O bunch O +of O of O +questions O questions O +on O on O +this O this O +for O for O +objective-C B-Language objective-C O +using O using O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5286 I-Code_Block Q_5286 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +but O but O +I O I O +am O am O +using O using O +Swift B-Language Swift O +. O . O + +Rename O Rename O +it O it O +with O with O +.igo B-File_Type .igo O +extension O extension O +( O ( O +instagram B-Application instagram O +exclusive O exclusive O +) O ) O + +Not O Not O +sure O sure O +how O how O +to O to O +go O go O +about O about O +this O this O +, O , O +would O would O +depend O depend O +on O on O +number O number O +1 O 1 O +. O . O + +Then O Then O +I O I O +could O could O +share O share O +it O it O +doing O doing O +something O something O +like O like O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5287 I-Code_Block Q_5287 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +or O or O +I O I O +could O could O +do O do O +it O it O +using O using O +the O the O +instagram B-Application instagram O +hooks O hooks O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5288 I-Code_Block Q_5288 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Documentation O Documentation O +on O on O +this O this O +is O is O +scarce O scarce O +specially O specially O +for O for O +Swift B-Language Swift O +. O . O + +How O How O +can O can O +I O I O +go O go O +about O about O +this O this O +? O ? O + +a O a O +push O push O +in O in O +the O the O +right O right O +direction O direction O +is O is O +all O all O +I O I O +need O need O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41641771 O 41641771 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41641771/ O https://stackoverflow.com/questions/41641771/ O + + +In O In O +my O my O +navigation B-User_Interface_Element navigation O +controller I-User_Interface_Element controller O +, O , O +I O I O +have O have O +a O a O +UIBarButtonItem B-Class UIBarButtonItem O +set O set O +to O to O +System O System O +item O item O +" B-Value " O +Action I-Value Action O +" I-Value " O +. O . O + +I O I O +then O then O +created O created O +the O the O +following O following O +IBAction B-Class IBAction O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5967 I-Code_Block A_5967 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +excludedActivityTypes B-Function excludedActivityTypes O +list B-Data_Structure list O +is O is O +a O a O +complete/exhaustive O complete/exhaustive O +list B-Data_Structure list O +of O of O +available O available O +UIActivityTypes B-Class UIActivityTypes O +gleaned O gleaned O +from O from O +code-complete O code-complete O +or O or O +command-clicking O command-clicking O +on O on O +UIActivity B-Class UIActivity O +type O type O +and O and O +going O going O +through O through O +the O the O +resulting O resulting O +struct B-Data_Structure struct O +. O . O + +I O I O +uncomment O uncomment O +those O those O +I O I O +wish O wish O +to O to O +exclude O exclude O +- O - O +but O but O +leave O leave O +them O them O +in O in O +for O for O +quick O quick O +reference O reference O +in O in O +the O the O +future O future O +. O . O + +This O This O +will O will O +give O give O +you O you O +the O the O +popup B-User_Interface_Element popup O +you O you O +want O want O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41641771 O 41641771 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41641771/ O https://stackoverflow.com/questions/41641771/ O + + +It O It O +sounds O sounds O +like O like O +you O you O +already O already O +know O know O +how O how O +to O to O +use O use O +Kingfisher B-Library Kingfisher O +and O and O +retrieving O retrieving O +the O the O +UIImage B-Class UIImage O +from O from O +the O the O +URL O URL O +. O . O + +So O So O +what O what O +i O i O +'m O 'm O +about O about O +to O to O +provide O provide O +is O is O +information O information O +for O for O +saving O saving O +the O the O +image B-User_Interface_Element image O +to O to O +the O the O +documents O documents O +directory O directory O +and O and O +retrieving O retrieving O +it O it O +to O to O +share O share O +. O . O + +Retrieve O Retrieve O +the O the O +correct O correct O +directory O directory O +URL O URL O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5968 I-Code_Block A_5968 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Saving O Saving O +an O an O +image B-User_Interface_Element image O +to O to O +that O that O +directory O directory O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5969 I-Code_Block A_5969 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Retrieving O Retrieving O +an O an O +image B-User_Interface_Element image O +from O from O +the O the O +directory O directory O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5970 I-Code_Block A_5970 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Sharing O Sharing O +an O an O +image B-User_Interface_Element image O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5971 I-Code_Block A_5971 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +How O How O +to O to O +Use O Use O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5972 I-Code_Block A_5972 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +as O as O +DFD B-User_Name DFD O +pointed O pointed O +out O out O +, O , O +you O you O +can O can O +exclude O exclude O +certain O certain O +items O items O +from O from O +the O the O +share O share O +VC O VC O +to O to O +only O only O +allow O allow O +what O what O +you O you O +need O need O +. O . O + +Question_ID O Question_ID O +: O : O +22814259 O 22814259 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/22814259/ O https://stackoverflow.com/questions/22814259/ O + + +In O In O +our O our O +application O application O +we O we O +have O have O +a O a O +few O few O +GDI+ B-Library GDI+ O +objects O objects O +that O that O +are O are O +used O used O +often O often O +in O in O +many O many O +different O different O +contexts O contexts O +. O . O + +This O This O +includes O includes O +some O some O +instances O instances O +of O of O +Font B-Class Font B-Code_Block +, O , O +SolidBrush B-Class SolidBrush B-Code_Block +( O ( O +White B-Value White O +, O , O +Black. B-Value Black. O +. O . O +) O ) O +, O , O +some O some O +Pen. B-Class Pen. B-Code_Block +. O . O + +For O For O +those O those O +objects O objects O +our O our O +strategy O strategy O +so O so O +far O far O +has O has O +been O been O +to O to O +hold O hold O +them O them O +through O through O +widely O widely O +visible O visible O +static B-Data_Type static O +read-only O read-only O +fields O fields O +. O . O + +This O This O +avoids O avoids O +to O to O +create/dispose O create/dispose O +them O them O +millions O millions O +of O of O +time O time O +. O . O + +We O We O +took O took O +care O care O +of O of O +thread-safety O thread-safety O +accesses O accesses O +on O on O +these O these O +object O object O +of O of O +course O course O +( O ( O +they O they O +are O are O +just O just O +accessed O accessed O +from O from O +the O the O +UI O UI O +thread O thread O +basically O basically O +) O ) O +. O . O + +There O There O +are O are O +just O just O +a O a O +few O few O +of O of O +these O these O +GDI+ B-Library GDI+ O +objects O objects O +hold O hold O +for O for O +the O the O +lifetime O lifetime O +of O of O +the O the O +application O application O +, O , O +say O say O +like O like O +200 O 200 O +. O . O + +The O The O +others O others O +GDI+ B-Library GDI+ O +objects O objects O +( O ( O +the O the O +ones O ones O +with O with O +short-life O short-life O +) O ) O +are O are O +all O all O +disposed O disposed O +asap O asap O +. O . O + +But O But O +we O we O +sometime O sometime O +get O get O +unexpected O unexpected O +GDI+ B-Library GDI+ O +resources O resources O +outage O outage O +exception B-Class exception O +, O , O +hopefully O hopefully O +rarely O rarely O +enough O enough O +. O . O + +I O I O +am O am O +wondering O wondering O +if O if O +these O these O +exceptions B-Class exceptions O +could O could O +come O come O +from O from O +these O these O +few O few O +GDI+ B-Library GDI+ O +objects O objects O +hold O hold O +, O , O +and O and O +if O if O +this O this O +would O would O +be O be O +a O a O +wiser O wiser O +strategy O strategy O +to O to O +create/dispose O create/dispose O +tons O tons O +of O of O +short-life O short-life O +GDI+ B-Library GDI+ O +objects O objects O +instead O instead O +. O . O + +Does O Does O +anybody O anybody O +have O have O +real-world O real-world O +experience O experience O +and O and O +relevant O relevant O +conclusions O conclusions O +about O about O +theses O theses O +two O two O +strategies O strategies O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +22814259 O 22814259 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/22814259/ O https://stackoverflow.com/questions/22814259/ O + + +Caching O Caching O +System.Drawing B-Class System.Drawing O +objects O objects O +is O is O +a O a O +mistake O mistake O +. O . O + +They O They O +are O are O +very O very O +cheap O cheap O +to O to O +create O create O +, O , O +very O very O +expensive O expensive O +to O to O +keep O keep O +around O around O +. O . O + +They O They O +are O are O +allocated O allocated O +on O on O +a O a O +special O special O +heap B-Data_Structure heap O +that O that O +all O all O +processes O processes O +on O on O +a O a O +desktop B-Device desktop O +need O need O +to O to O +share O share O +. O . O + +The O The O +heap B-Data_Structure heap O +size O size O +is O is O +limited O limited O +to O to O +65535 O 65535 O +objects O objects O +. O . O + +Creating O Creating O +objects O objects O +like O like O +a O a O +brush B-Class brush O +or O or O +a O a O +pen B-Class pen O +takes O takes O +roughly O roughly O +a O a O +microsecond O microsecond O +, O , O +miniscule O miniscule O +compared O compared O +to O to O +the O the O +cost O cost O +of O of O +the O the O +operation O operation O +you O you O +perform O perform O +with O with O +them O them O +. O . O + +The O The O +only O only O +drawing O drawing O +object O object O +that O that O +is O is O +expensive O expensive O +is O is O +a O a O +Font B-Class Font O +. O . O + +Creating O Creating O +one O one O +involves O involves O +a O a O +sizable O sizable O +chunk O chunk O +of O of O +overhead O overhead O +taken O taken O +by O by O +the O the O +font B-Class font O +mapper O mapper O +. O . O + +But O But O +that O that O +'s O 's O +already O already O +solved O solved O +by O by O +.NET B-Library .NET O +, O , O +it O it O +caches O caches O +them O them O +. O . O + +Other O Other O +than O than O +hogging O hogging O +the O the O +heap B-Data_Structure heap O +needlessly O needlessly O +, O , O +the O the O +programming O programming O +style O style O +is O is O +dangerous O dangerous O +. O . O + +It O It O +is O is O +far O far O +too O too O +easy O easy O +to O to O +forget O forget O +blindly O blindly O +applying O applying O +the O the O +using O using O +statement O statement O +. O . O + +This O This O +certainly O certainly O +can O can O +get O get O +you O you O +into O into O +trouble O trouble O +, O , O +you O you O +are O are O +relying O relying O +on O on O +the O the O +finalizer O finalizer O +thread O thread O +to O to O +release O release O +them O them O +again O again O +. O . O + +If O If O +a O a O +program O program O +involves O involves O +lots O lots O +of O of O +heavy O heavy O +painting O painting O +but O but O +not O not O +enough O enough O +object O object O +allocation O allocation O +to O to O +trigger O trigger O +a O a O +GC O GC O +then O then O +you O you O +will O will O +exhaust O exhaust O +the O the O +quota O quota O +for O for O +GDI B-Library GDI O +objects O objects O +. O . O + +Which O Which O +is O is O +10,000 O 10,000 O +objects O objects O +for O for O +a O a O +process O process O +by O by O +default O default O +. O . O + +This O This O +will O will O +crash O crash O +your O your O +program O program O +. O . O + +Do O Do O +note O note O +that O that O +the O the O +System.Drawing B-Class System.Drawing O +class O class O +wrappers O wrappers O +are O are O +not O not O +nearly O nearly O +big O big O +enough O enough O +to O to O +trigger O trigger O +a O a O +GC O GC O +by O by O +themselves O themselves O +, O , O +10000 O 10000 O +of O of O +them O them O +will O will O +not O not O +be O be O +enough O enough O +to O to O +get O get O +the O the O +finalizers O finalizers O +to O to O +run O run O +and O and O +release O release O +the O the O +handles O handles O +again O again O +. O . O + +The O The O +problem O problem O +is O is O +very O very O +easy O easy O +to O to O +diagnose O diagnose O +, O , O +you O you O +can O can O +use O use O +Task B-Application Task O +Manager I-Application Manager O +. O . O + +Use O Use O +View B-Value View O ++ O + O +Select B-Value Select O +Columns B-User_Interface_Element Columns O +and O and O +tick O tick O +" B-Value " O +GDI I-Value GDI O +Objects I-Value Objects O +" I-Value " O +. O . O + +Might O Might O +as O as O +well O well O +tick O tick O +" B-Value " O +USER I-Value USER O +Objects I-Value Objects O +" I-Value " O +, O , O +another O another O +one O one O +that O that O +'s O 's O +very O very O +easily O easily O +leaked O leaked O +. O . O + +Keep O Keep O +an O an O +eye O eye O +on O on O +the O the O +displayed O displayed O +counts O counts O +for O for O +your O your O +process O process O +while O while O +you O you O +are O are O +using O using O +it O it O +. O . O + +A O A O +steadily O steadily O +climbing O climbing O +number O number O +spells O spells O +doom O doom O +. O . O + +Question_ID O Question_ID O +: O : O +29244745 O 29244745 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29244745/ O https://stackoverflow.com/questions/29244745/ O + + +I O I O +have O have O +a O a O +custom O custom O +experience O experience O +button B-User_Interface_Element button O +for O for O +the O the O +page B-Application page O +editor I-Application editor O +in O in O +Sitecore B-Application Sitecore O +which O which O +references O references O +a O a O +custom O custom O +command O command O +. O . O + +What O What O +is O is O +the O the O +correct O correct O +way O way O +to O to O +open O open O +a O a O +SPEAK B-Library SPEAK O +dialog B-User_Interface_Element dialog O +from O from O +this O this O +context O context O +and O and O +how O how O +should O should O +the O the O +width/height B-Variable width/height O +of O of O +the O the O +dialog B-User_Interface_Element dialog O +be O be O +set O set O +? O ? O + +I O I O +have O have O +the O the O +following O following O +command O command O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3471 I-Code_Block Q_3471 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +I O I O +am O am O +finding O finding O +that O that O +the O the O +size O size O +of O of O +the O the O +dialog B-User_Interface_Element dialog O +bears O bears O +no O no O +resemblance O resemblance O +to O to O +the O the O +width B-Variable width B-Code_Block +and O and O +height B-Variable height B-Code_Block +parameters O parameters O +passed O passed O +to O to O +SheerResponse.ShowModalDialog B-Function SheerResponse.ShowModalDialog B-Code_Block +. O . O + +I O I O +have O have O +also O also O +tried O tried O +passing O passing O +in O in O +values O values O +suffixed O suffixed O +with O with O +" O " O +px O px O +" O " O +but O but O +this O this O +does O does O +not O not O +help O help O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +29244745 O 29244745 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29244745/ O https://stackoverflow.com/questions/29244745/ O + + +There O There O +is O is O +no O no O +out O out O +of O of O +the O the O +box O box O +ability O ability O +to O to O +set O set O +the O the O +width B-Variable width O +and O and O +height B-Variable height O +for O for O +SPEAK-based B-Library SPEAK-based O +dialogs B-User_Interface_Element dialogs O +in O in O +Sitecore B-Application Sitecore O +7.5 B-Version 7.5 O +( O ( O +it O it O +'s O 's O +available O available O +in O in O +8.0 B-Version 8.0 O +) O ) O + +However O However O +, O , O +you O you O +could O could O +customize O customize O +the O the O +\sitecore\shell\Controls\jQueryModalDialogs.html B-File_Name \sitecore\shell\Controls\jQueryModalDialogs.html O +file O file O +. O . O + +Just O Just O +find O find O +and O and O +update O update O +the O the O +following O following O +if B-Code_Block if B-Code_Block +statement O statement O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4162 I-Code_Block A_4162 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +Sitecore B-Application Sitecore O +8.0 B-Version 8.0 O +a O a O +new O new O +method O method O +has O has O +been O been O +added O added O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4163 I-Code_Block A_4163 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Your O Your O +SheerResponse.ShowModalDialog B-Code_Block SheerResponse.ShowModalDialog B-Code_Block +( B-Code_Block ( B-Code_Block +url I-Code_Block url I-Code_Block +, I-Code_Block , I-Code_Block +" I-Code_Block " I-Code_Block +100 I-Code_Block 100 I-Code_Block +" I-Code_Block " I-Code_Block +, I-Code_Block , I-Code_Block +" I-Code_Block " I-Code_Block +200 I-Code_Block 200 I-Code_Block +" I-Code_Block " I-Code_Block +, I-Code_Block , I-Code_Block +string.Empty I-Code_Block string.Empty I-Code_Block +, I-Code_Block , I-Code_Block +true I-Code_Block true I-Code_Block +) I-Code_Block ) I-Code_Block +; B-Code_Block ; B-Code_Block +will O will O +be O be O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4164 I-Code_Block A_4164 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Description O Description O +of O of O +ForceDialogSize B-Variable ForceDialogSize B-Code_Block +property O property O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Question_ID O Question_ID O +: O : O +2130150 O 2130150 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2130150/ O https://stackoverflow.com/questions/2130150/ O + + +When O When O +designing O designing O +my O my O +software O software O +, O , O +I O I O +began O began O +with O with O +interfaces O interfaces O +since O since O +this O this O +seems O seems O +to O to O +be O be O +the O the O +" O " O +standard O standard O +" O " O +. O . O + +Then O Then O +I O I O +switched O switched O +to O to O +abstract O abstract O +classes O classes O +because O because O +they O they O +seem O seem O +better O better O +suited O suited O +to O to O +the O the O +problem O problem O +at O at O +hand O hand O +. O . O + +However O However O +I O I O +'m O 'm O +not O not O +sure O sure O +if O if O +I O I O +'ve O 've O +missed O missed O +out O out O +on O on O +some O some O +considerations O considerations O +when O when O +making O making O +this O this O +design O design O +choice O choice O +. O . O + +Other O Other O +than O than O +domain O domain O +specific O specific O +issues O issues O +which O which O +I O I O +have O have O +thought O thought O +about O about O +what O what O +are O are O +the O the O +more O more O +general O general O +factors O factors O +to O to O +consider O consider O +when O when O +choosing O choosing O +between O between O +interfaces O interfaces O +and O and O +abstracts O abstracts O +classes O classes O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2130150 O 2130150 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2130150/ O https://stackoverflow.com/questions/2130150/ O + + +If O If O +your O your O +interface O interface O +also O also O +has O has O +reasonable O reasonable O +default O default O +behavior O behavior O +for O for O +at O at O +least O least O +some O some O +of O of O +the O the O +functionality O functionality O +, O , O +you O you O +may O may O +want O want O +to O to O +use O use O +an O an O +abstract O abstract O +class O class O +to O to O +avoid O avoid O +common O common O +boilerplate O boilerplate O +code O code O +in O in O +all O all O +of O of O +the O the O +concrete O concrete O +implementations O implementations O +. O . O + +Otherwise O Otherwise O +, O , O +use O use O +an O an O +interface O interface O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2130150 O 2130150 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2130150/ O https://stackoverflow.com/questions/2130150/ O + + +I O I O +find O find O +the O the O +best O best O +option O option O +most O most O +of O of O +the O the O +time O time O +is O is O +to O to O +do O do O +both O both O +. O . O + +That O That O +is O is O +not O not O +always O always O +possible O possible O +when O when O +you O you O +are O are O +relying O relying O +on O on O +something O something O +happening O happening O +in O in O +the O the O +base O base O +class O class O +. O . O + +Providing O Providing O +both O both O +an O an O +abstract O abstract O +base O base O +class O class O +and O and O +an O an O +interface O interface O +allows O allows O +the O the O +greatest O greatest O +latitude O latitude O +by O by O +implementers O implementers O +of O of O +your O your O +abstraction O abstraction O +, O , O +again O again O +, O , O +as O as O +long O long O +as O as O +you O you O +do O do O +n't O n't O +require O require O +something O something O +happens O happens O +by O by O +an O an O +implementer O implementer O +of O of O +the O the O +interface O interface O +. O . O + +If O If O +you O you O +require O require O +that O that O +something O something O +happens O happens O +, O , O +then O then O +you O you O +do O do O +n't O n't O +want O want O +to O to O +provide O provide O +an O an O +interface O interface O +at O at O +all--and O all--and O +you O you O +would O would O +also O also O +need O need O +to O to O +make O make O +sure O sure O +that O that O +your O your O +base O base O +class O class O +ensures O ensures O +this O this O +required O required O +action O action O +to O to O +ALWAYS O ALWAYS O +occur O occur O +.. O .. O +. O . O + +Negative O Negative O +to O to O +doing O doing O +both O both O +: O : O +more O more O +goo O goo O +. O . O + +example O example O +pseudocode O pseudocode O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_209 I-Code_Block A_209 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Note O Note O +that O that O +in O in O +this O this O +example O example O +, O , O +someone O someone O +could O could O +make O make O +their O their O +own O own O +class O class O +that O that O +implements O implements O +IVehicle B-Class IVehicle B-Code_Block +and O and O +then O then O +pass O pass O +it O it O +to O to O +anything O anything O +that O that O +takes O takes O +an O an O +IVehicle B-Class IVehicle B-Code_Block +. O . O + +That O That O +object O object O +would O would O +NOT O NOT O +need O need O +to O to O +be O be O +a O a O +child O child O +of O of O +the O the O +Vehicle B-Class Vehicle B-Code_Block +abstract O abstract O +class O class O +. O . O + +If O If O +, O , O +therefore O therefore O +, O , O +you O you O +were O were O +to O to O +expect O expect O +something O something O +specific O specific O +to O to O +happen O happen O +in O in O +the O the O +PutCarInGear() B-Variable PutCarInGear() B-Code_Block +method O method O +, O , O +it O it O +'s O 's O +quite O quite O +likely O likely O +that O that O +that O that O +new O new O +class O class O +would O would O +NOT O NOT O +fulfill O fulfill O +that O that O +expectation O expectation O +. O . O + +However O However O +, O , O +as O as O +long O long O +as O as O +it O it O +never O never O +matters O matters O +what O what O +implementations O implementations O +of O of O +IVehicle B-Class IVehicle B-Code_Block +do O do O +, O , O +then O then O +it O it O +'s O 's O +the O the O +most O most O +flexible O flexible O +abstraction O abstraction O +to O to O +have O have O +both O both O +an O an O +abstract O abstract O +base O base O +class O class O +AND O AND O +an O an O +interface O interface O +. O . O + +Question_ID O Question_ID O +: O : O +46371445 O 46371445 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46371445/ O https://stackoverflow.com/questions/46371445/ O + + +I O I O +trying O trying O +to O to O +convert O convert O +encryption O encryption O +code O code O +using O using O +CryptoJS B-Library CryptoJS O +aes256 I-Library aes256 O +from O from O +.net B-Library .net O +to O to O +javascript B-Language javascript O +( O ( O +Cordova B-Library Cordova O +) O ) O +but O but O +i O i O +do O do O +n't O n't O +have O have O +the O the O +right O right O +result O result O +. O . O + +//.Net B-Library //.Net O +Code O Code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6081 I-Code_Block Q_6081 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +// O // O +Cordova B-Library Cordova O +Code O Code O +: O : O + +I O I O +can O can O +successfully O successfully O +encode O encode O +the O the O +resulting O resulting O +Base64 B-Data_Type Base64 O +string I-Data_Type string O +and O and O +decode O decode O +the O the O +message O message O +. O . O + +What O What O +I O I O +also O also O +need O need O +, O , O +is O is O +the O the O +same O same O +encoding O encoding O +method O method O +written O written O +in O in O +Javascript(Cordova) B-Language Javascript(Cordova) O +. O . O + +Here O Here O +is O is O +what O what O +I O I O +have O have O +so O so O +far O far O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6082 I-Code_Block Q_6082 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +However O However O +the O the O +resulting O resulting O +Base64 B-Data_Type Base64 O +string I-Data_Type string O +does O does O +not O not O +match O match O +the O the O +one O one O +generated O generated O +by O by O +.Net B-Library .Net O +. O . O + +Any O Any O +ideas O ideas O +? O ? O + +Question_ID O Question_ID O +: O : O +32445202 O 32445202 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32445202/ O https://stackoverflow.com/questions/32445202/ O + + +I O I O +have O have O +my O my O +data.frame B-Function data.frame O +sample O sample O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3934 I-Code_Block Q_3934 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +want O want O +to O to O +stay O stay O +only O only O +pairs O pairs O +logged_in B-Variable logged_in B-Code_Block +and O and O +deauthorize B-Variable deauthorize B-Code_Block +( O ( O +I O I O +need O need O +it O it O +for O for O +calculation O calculation O +time O time O +between O between O +logs O logs O +logged_in B-Variable logged_in B-Code_Block +and O and O +deauthorize B-Variable deauthorize B-Code_Block +, O , O +but O but O +some O some O +logs O logs O +was O was O +lost O lost O +) O ) O +. O . O + +So O So O +I O I O +want O want O +my O my O +table B-Data_Structure table O +after O after O +sort O sort O +looks O looks O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3935 I-Code_Block Q_3935 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +32445202 O 32445202 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/32445202/ O https://stackoverflow.com/questions/32445202/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4635 I-Code_Block A_4635 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +is O is O +a O a O +base B-Application base B-Code_Block +R I-Application R I-Code_Block +solution O solution O +using O using O +R B-Language R O +'s O 's O +factor O factor O +coercion O coercion O +. O . O + +We O We O +locate O locate O +the O the O +instances O instances O +of O of O +" B-Variable " B-Code_Block +deauthorize I-Variable deauthorize I-Code_Block +" I-Variable " I-Code_Block +by O by O +using O using O +factors O factors O +to O to O +our O our O +advantage O advantage O +. O . O + +Usually O Usually O +they O they O +are O are O +a O a O +pain O pain O +but O but O +in O in O +this O this O +case O case O +being O being O +able O able O +to O to O +quickly O quickly O +turn O turn O +the O the O +EventName B-Variable EventName B-Code_Block +column B-Data_Structure column O +into O into O +a O a O +series O series O +of O of O +1 B-Value 1 O +'s O 's O +and O and O +2 B-Value 2 O +'s O 's O +helps O helps O +quicken O quicken O +the O the O +search O search O +. O . O + +Check O Check O +as.numeric(df$EventName) B-Function as.numeric(df$EventName) B-Code_Block +for O for O +reference O reference O +. O . O + +With O With O +this O this O +index O index O +we O we O +then O then O +need O need O +to O to O +find O find O +cases O cases O +of O of O +a O a O +1 B-Value 1 O +followed O followed O +by O by O +a O a O +2 B-Value 2 O +. O . O + +An O An O +efficient O efficient O +way O way O +to O to O +do O do O +that O that O +is O is O +to O to O +find O find O +the O the O +difference O difference O +of O of O +each O each O +element O element O +. O . O + +diff(as.numeric(df$EventName)) B-Function diff(as.numeric(df$EventName)) B-Code_Block +does O does O +that O that O +for O for O +us O us O +. O . O + +you O you O +can O can O +imagine O imagine O +which O which O +value O value O +of O of O +that O that O +vector B-Data_Structure vector O +will O will O +target O target O +the O the O +case O case O +we O we O +are O are O +looking O looking O +for O for O +, O , O +-1 B-Value -1 B-Code_Block +. O . O + +Data O Data O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4636 I-Code_Block A_4636 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +48723037 O 48723037 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48723037/ O https://stackoverflow.com/questions/48723037/ O + + +Please O Please O +Help O Help O +me O me O +. O . O + +I O I O +'m O 'm O +running O running O +a O a O +face O face O +recognition O recognition O +detector O detector O +python B-Language python O +program O program O +that O that O +will O will O +display O display O +the O the O +data O data O +from O from O +sqllite B-Application sqllite O +studio I-Application studio O +database O database O +.. O .. O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6492 I-Code_Block Q_6492 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +that O that O +was O was O +the O the O +program O program O + +the O the O +error O error O +was O was O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6493 I-Code_Block Q_6493 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +And O And O +i O i O +'m O 'm O +using O using O +python B-Language python O +3.4 B-Version 3.4 O +and O and O +opencv B-Library opencv O +3.4 B-Version 3.4 O + +Can O Can O +anyone O anyone O +help O help O +me O me O +?? O ?? O +? O ? O + +im O im O +new O new O +in O in O +python B-Language python O +. O . O + +Thank O Thank O +you O you O +so O so O +much O much O +... O ... O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +48723037 O 48723037 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48723037/ O https://stackoverflow.com/questions/48723037/ O + + +Indexing O Indexing O +is O is O +zero-based O zero-based O +in O in O +Python B-Language Python O +. O . O + +That O That O +means O means O +, O , O +counting O counting O +starts O starts O +from O from O +0 B-Value 0 B-Code_Block +not O not O +1 B-Value 1 B-Code_Block +. O . O + +Try O Try O +changing O changing O +lines O lines O +36 O 36 O +and O and O +38 O 38 O +to O to O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7147 I-Code_Block A_7147 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +18870221 O 18870221 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/18870221/ O https://stackoverflow.com/questions/18870221/ O + + +How O How O +can O can O +I O I O +do O do O +authorization O authorization O +with O with O +my O my O +email O email O +and O and O +password O password O +without O without O +dialog B-User_Interface_Element dialog O +box I-User_Interface_Element box O +? O ? O + +And O And O +how O how O +can O can O +I O I O +do O do O +extend O extend O +access_token O access_token O +. O . O + +Function O Function O +getUser B-Function getUser O +in O in O +PHP B-Library PHP O +SDK I-Library SDK O +always O always O +return O return O +0 B-Value 0 O +. O . O + +I O I O +want O want O +do O do O +post O post O +feed O feed O +on O on O +the O the O +fan O fan O +group O group O +'s O 's O +wall O wall O +with O with O +cronjob B-Application cronjob O +. O . O + +I O I O +try O try O +like O like O +that O that O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1970 I-Code_Block Q_1970 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +'s O 's O +work O work O +, O , O +but O but O +within O within O +an O an O +hour O hour O +and O and O +if O if O +I O I O +already O already O +logged O logged O + +Question_ID O Question_ID O +: O : O +28026848 O 28026848 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28026848/ O https://stackoverflow.com/questions/28026848/ O + + +As O As O +someone O someone O +who O who O +is O is O +quite O quite O +new O new O +to O to O +Swift B-Language Swift O +and O and O +CoreData B-Library CoreData O +, O , O +I O I O +am O am O +sure O sure O +I O I O +am O am O +going O going O +about O about O +this O this O +the O the O +wrong O wrong O +way O way O +and O and O +am O am O +hoping O hoping O +someone O someone O +might O might O +be O be O +able O able O +to O to O +help O help O +. O . O + +Background O Background O +: O : O +I O I O +am O am O +downloading O downloading O +JSON B-File_Type JSON O +over O over O +an O an O +API B-Library API O +, O , O +and O and O +caching O caching O +the O the O +content O content O +locally O locally O +on O on O +an O an O +iPad B-Device iPad O +in O in O +CoreData B-Library CoreData O +. O . O + +As O As O +part O part O +of O of O +the O the O +process O process O +, O , O +I O I O +need O need O +to O to O +download O download O +a O a O +small O small O +image B-User_Interface_Element image O +thumbnail I-User_Interface_Element thumbnail O +, O , O +which O which O +I O I O +am O am O +also O also O +storing O storing O +in O in O +CoreData B-Library CoreData O +( O ( O +as O as O +a O a O +Transformable B-Data_Type Transformable O +) O ) O +. O . O + +I O I O +was O was O +doing O doing O +: O : O +My O My O +original O original O +implementation O implementation O +downloaded O downloaded O +images B-User_Interface_Element images O +and O and O +saved O saved O +them O them O +to O to O +CoreData B-Library CoreData O +, O , O +but O but O +although O although O +it O it O +is O is O +being O being O +triggered O triggered O +from O from O +a O a O +background O background O +thread O thread O +( O ( O +a O a O +callback O callback O +following O following O +the O the O +API B-Library API O +call O call O +) O ) O +, O , O +the O the O +actual O actual O +downloading O downloading O +of O of O +the O the O +images B-User_Interface_Element images O +seems O seems O +to O to O +cause O cause O +the O the O +app O app O +to O to O +hang O hang O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3274 I-Code_Block Q_3274 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +I O I O +am O am O +now O now O +doing O doing O +: O : O +I O I O +have O have O +since O since O +updated O updated O +my O my O +code O code O +to O to O +the O the O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3275 I-Code_Block Q_3275 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +then O then O +call O call O +the O the O +code O code O +thus O thus O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3276 I-Code_Block Q_3276 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Doing O Doing O +this O this O +, O , O +I O I O +do O do O +n't O n't O +get O get O +any O any O +blocks O blocks O +on O on O +the O the O +main O main O +thread O thread O +that O that O +I O I O +notice O notice O +. O . O + +Inspecting O Inspecting O +the O the O +sqlite B-Application sqlite O +file O file O +from O from O +the O the O +device O device O +, O , O +it O it O +looks O looks O +as O as O +though O though O +the O the O +data O data O +is O is O +getting O getting O +set O set O +properly O properly O +, O , O +but O but O +the O the O +images B-User_Interface_Element images O +are O are O +not O not O +showing O showing O +up O up O +in O in O +the O the O +UI O UI O +. O . O + +Is O Is O +my O my O +method O method O +completely O completely O +wrong O wrong O +? O ? O + +If O If O +not O not O +, O , O +how O how O +can O can O +I O I O +inform O inform O +the O the O +UI O UI O +that O that O +the O the O +core B-Library core O +data I-Library data O +model O model O +has O has O +been O been O +updated O updated O +in O in O +such O such O +a O a O +way O way O +that O that O +will O will O +cause O cause O +a O a O +refresh O refresh O +? O ? O + +What O What O +function O function O +can O can O +be O be O +called O called O +to O to O +update O update O +a O a O +specific O specific O +row/cell B-User_Interface_Element row/cell O +of O of O +a O a O +table/uicollectionview B-User_Interface_Element table/uicollectionview O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +28026848 O 28026848 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/28026848/ O https://stackoverflow.com/questions/28026848/ O + + + +Your O Your O +NSURLConnection B-Class NSURLConnection O +'s O 's O +callbacks O callbacks O +are O are O +happening O happening O +on O on O +the O the O +main O main O +queue B-Data_Structure queue O +. O . O + +This O This O +is O is O +one O one O +reason O reason O +your O your O +application O application O +is O is O +locking O locking O +up O up O +. O . O + +Your O Your O +managed O managed O +object O object O +context O context O +, O , O +at O at O +least O least O +in O in O +the O the O +code O code O +you O you O +have O have O +posted O posted O +, O , O +is O is O +not O not O +following O following O +the O the O +Core B-Library Core O +Data I-Library Data O +concurrency O concurrency O +rules O rules O +. O . O + +You O You O +have O have O +a O a O +choice O choice O +between O between O +thread O thread O +confinement O confinement O +( O ( O +unfortunately O unfortunately O +, O , O +the O the O +default O default O +, O , O +which O which O +is O is O +obsolete O obsolete O +) O ) O +, O , O +and O and O +queue B-Data_Structure queue O +confinement O confinement O +. O . O + +With O With O +thread O thread O +confinement O confinement O +, O , O +you O you O +can O can O +only O only O +use O use O +a O a O +managed O managed O +object O object O +context O context O +from O from O +the O the O +thread O thread O +where O where O +it O it O +was O was O +created O created O +. O . O + +If O If O +you O you O +created O created O +your O your O +managed O managed O +object O object O +context O context O +on O on O +the O the O +main O main O +thread O thread O +( O ( O +or O or O +queue B-Data_Structure queue O +) O ) O +, O , O +you O you O +can O can O +only O only O +use O use O +it O it O +from O from O +there O there O +- O - O +so O so O +any O any O +Core B-Library Core O +Data I-Library Data O +operation O operation O +you O you O +perform O perform O +on O on O +that O that O +context O context O +will O will O +block O block O +the O the O +main O main O +thread O thread O +, O , O +and O and O +in O in O +turn O turn O +the O the O +UI O UI O +. O . O + +Using O Using O +queue B-Data_Structure queue O +confinement O confinement O +( O ( O +almost O almost O +) O ) O +any O any O +operation O operation O +on O on O +the O the O +managed O managed O +object O object O +context O context O +must O must O +go O go O +through O through O +either O either O +the O the O +performBlock B-Function performBlock B-Code_Block +: I-Function : I-Code_Block +or O or O +performBlockAndWait B-Function performBlockAndWait B-Code_Block +: I-Function : I-Code_Block +methods O methods O +. O . O + +The O The O +enqueued O enqueued O +block O block O +is O is O +executed O executed O +on O on O +the O the O +context O context O +'s O 's O +serial O serial O +queue B-Data_Structure queue O +. O . O + +This O This O +is O is O +far O far O +less O less O +failure O failure O +prone O prone O +than O than O +thread O thread O +confinement O confinement O +and O and O +has O has O +been O been O +the O the O +recommended O recommended O +practice O practice O +for O for O +concurrency O concurrency O +since O since O +iOS B-Operating_System iOS O +5 B-Version 5 O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Typically O Typically O +this O this O +would O would O +be O be O +done O done O +using O using O +an O an O +NSFetchedResultsController B-Class NSFetchedResultsController B-Code_Block +, O , O +which O which O +observes O observes O +a O a O +managed O managed O +object O object O +context O context O +for O for O +changes O changes O +relevant O relevant O +to O to O +it O it O +'s O 's O +fetch O fetch O +request O request O +. O . O + +Once O Once O +the O the O +initial O initial O +fetch O fetch O +populates O populates O +the O the O +controller O controller O +it O it O +will O will O +listen O listen O +for O for O +changes O changes O +to O to O +the O the O +context O context O +that O that O +affect O affect O +the O the O +objects O objects O +specified O specified O +by O by O +the O the O +fetch O fetch O +request O request O +. O . O + +When O When O +relevant O relevant O +changes O changes O +occur O occur O +the O the O +controller O controller O +informs O informs O +it O it O +'s O 's O +delegate O delegate O +through O through O +callbacks O callbacks O +. O . O + +Question_ID O Question_ID O +: O : O +38802000 O 38802000 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/38802000/ O https://stackoverflow.com/questions/38802000/ O + + +I O I O +want O want O +to O to O +copy O copy O +a O a O +part O part O +of O of O +BufferedImage B-Class BufferedImage O +, O , O +but O but O +the O the O +copying O copying O +form O form O +is O is O +not O not O +a O a O +simple O simple O +square O square O +but O but O +rather O rather O +a O a O +square O square O +rotated O rotated O +on O on O +some O some O +angle O angle O +. O . O + +As O As O +an O an O +output O output O +I O I O +want O want O +to O to O +get O get O +the O the O +BufferedImage B-Class BufferedImage O +with O with O +width O width O +and O and O +height O height O +equals O equals O +to O to O +the O the O +copying O copying O +square O square O +size O size O +and O and O +contents O contents O +from O from O +the O the O +initial O initial O +image B-User_Interface_Element image O +, O , O +where O where O +copying O copying O +square O square O +intersects O intersects O +the O the O +initial O initial O +image B-User_Interface_Element image O +. O . O + +What O What O +is O is O +the O the O +simplest O simplest O +way O way O +to O to O +do O do O +it O it O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +38802000 O 38802000 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/38802000/ O https://stackoverflow.com/questions/38802000/ O + + +A O A O +simple O simple O +approach O approach O +would O would O +be O be O +to O to O +create O create O +a O a O +new O new O +image B-User_Interface_Element image O +with O with O +the O the O +desired O desired O +size O size O +, O , O +transform O transform O +a O a O +Graphics2D B-Class Graphics2D B-Code_Block +of O of O +this O this O +image B-User_Interface_Element image O +according O according O +to O to O +the O the O +selected O selected O +square O square O +region O region O +, O , O +and O and O +then O then O +simply O simply O +paint O paint O +the O the O +original O original O +image B-User_Interface_Element image O +into O into O +this O this O +graphics B-User_Interface_Element graphics O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5615 I-Code_Block A_5615 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +43232523 O 43232523 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43232523/ O https://stackoverflow.com/questions/43232523/ O + + +Control O Control O +' O ' O +GridView1 B-Class GridView1 O +' O ' O +of O of O +type O type O +' O ' O +GridView B-Class GridView O +' O ' O +must O must O +be O be O +placed O placed O +inside O inside O +a O a O +form B-HTML_XML_Tag form O +tag O tag O +with O with O +runat B-Code_Block runat O += I-Code_Block = O +server I-Code_Block server O +. O . O + +When O When O +I O I O +export O export O +the O the O +Gridview B-Class Gridview O +to O to O +Excel B-Application Excel O +, O , O +I O I O +get O get O +an O an O +error O error O +like O like O +this O this O +. O . O + +Can O Can O +you O you O +help O help O +me O me O +? O ? O + +My O My O +code O code O +example O example O +is O is O +as O as O +follows O follows O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5528 I-Code_Block Q_5528 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43232523 O 43232523 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43232523/ O https://stackoverflow.com/questions/43232523/ O + + +I O I O +think O think O +, O , O +you O you O +can O can O +use O use O +below O below O +the O the O +example O example O +. O . O + +.aspx B-File_Type .aspx O +file O file O +contens O contens O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6255 I-Code_Block A_6255 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +.aspx.vb B-File_Type .aspx.vb O +file O file O +contents O contents O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6256 I-Code_Block A_6256 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +17677132 O 17677132 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17677132/ O https://stackoverflow.com/questions/17677132/ O + + +There O There O +are O are O +two O two O +views B-Variable views O +in O in O +my O my O +application O application O +. O . O + +After O After O +launching O launching O +the O the O +app O app O +I O I O +switch O switch O +the O the O +view B-Variable view O +with O with O +button B-User_Interface_Element button O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1807 I-Code_Block Q_1807 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +whenever O whenever O +i O i O +switch O switch O +the O the O +view B-Variable view O +the O the O +code O code O +above O above O +initialize O initialize O +the O the O +view B-Variable view O +. O . O + +I O I O +want O want O +to O to O +maintain O maintain O +previous O previous O +status O status O +of O of O +the O the O +view B-Variable view O +. O . O + +How O How O +can O can O +I O I O +solve O solve O +this O this O +problem O problem O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +17677132 O 17677132 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17677132/ O https://stackoverflow.com/questions/17677132/ O + + +On O On O +an O an O +iPad B-Device iPad O +this O this O +will O will O +present O present O +the O the O +second O second O +view B-Variable view O +modally O modally O +, O , O +as O as O +dictated O dictated O +by O by O +the O the O +views O views O +modalTransitionStyle B-Variable modalTransitionStyle O +. O . O + +So O So O +there O there O +you O you O +could O could O +get O get O +back O back O +to O to O +the O the O +original O original O +by O by O +calling O calling O +dismissViewControllerAnimated:completion B-Function dismissViewControllerAnimated:completion B-Code_Block +: O : I-Code_Block +on O on O +the O the O +new O new O +ViewController B-Library ViewController O +. O . O + +On O On O +the O the O +iPhone B-Device iPhone O +you O you O +can O can O +use O use O +a O a O +UINavigationController B-Class UINavigationController O +in O in O +your O your O +storyboard B-Application storyboard O +to O to O +push O push O +and O and O +then O then O +pop O pop O +the O the O +secondViewController B-Variable secondViewController O +. O . O + +As O As O +long O long O +as O as O +you O you O +are O are O +using O using O +the O the O +storyboard O storyboard O +, O , O +you O you O +can O can O +set O set O +up O up O +the O the O +transition O transition O +there O there O +and O and O +the O the O +perform O perform O +it O it O +using O using O +- O - O +performSegueWithIdentifier:sender B-Function performSegueWithIdentifier:sender B-Code_Block +: I-Function : I-Code_Block +from O from O +your O your O +button B-User_Interface_Element button O +. O . O + +Or O Or O +for O for O +that O that O +matter O matter O +you O you O +can O can O +connect O connect O +the O the O +segue B-Class segue O +directly O directly O +to O to O +your O your O +button B-User_Interface_Element button O +in O in O +which O which O +case O case O +the O the O +transition O transition O +will O will O +be O be O +performed O performed O +without O without O +additional O additional O +code O code O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +17677132 O 17677132 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17677132/ O https://stackoverflow.com/questions/17677132/ O + + +instantiateViewControllerWithIdentifier B-Function instantiateViewControllerWithIdentifier B-Code_Block +: I-Function : I-Code_Block +always O always O +returns O returns O +a O a O +new O new O +instance O instance O +of O of O +an O an O +UIViewController B-Class UIViewController B-Code_Block +. O . O + +You O You O +need O need O +to O to O +keep O keep O +a O a O +reference O reference O +to O to O +a O a O +previous O previous O +one O one O +if O if O +you O you O +do O do O +n't O n't O +want O want O +to O to O +create O create O +it O it O +over O over O +and O and O +over O over O +. O . O + +Question_ID O Question_ID O +: O : O +41557013 O 41557013 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41557013/ O https://stackoverflow.com/questions/41557013/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +make O make O +Avplayer B-Class Avplayer O +resume O resume O +from O from O +where O where O +it O it O +stopped O stopped O +, O , O +by O by O +make O make O +global B-Data_Type global O +value O value O +of O of O +type O type O +CMtime B-Class CMtime O +and O and O +store O store O +currenttime B-Function currenttime O +then O then O +use O use O +it O it O +to O to O +resume O resume O +from O from O +where O where O +it O it O +stopped O stopped O + +My O My O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5278 I-Code_Block Q_5278 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +When O When O +I O I O +try O try O +to O to O +use O use O +seek(to:) B-Function seek(to:) O + +nothing O nothing O +changed O changed O +it O it O +also O also O +start O start O +from O from O +beginning O beginning O +! O ! O + +I O I O +try O try O +to O to O +change O change O +currenttime B-Variable currenttime O +by O by O +using O using O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5279 I-Code_Block Q_5279 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +did O did O +n't O n't O +know O know O +why O why O +it O it O +always O always O +start O start O +from O from O +beginning O beginning O + +I O I O +was O was O +using O using O +AVAudioPlayer B-Class AVAudioPlayer O +and O and O +it O it O +was O was O +much O much O +easier O easier O +than O than O +AVplayer B-Class AVplayer O + +but O but O +because O because O +I O I O +need O need O +to O to O +stream O stream O +Audio O Audio O +I O I O +change O change O +it O it O +to O to O +AVplayer B-Class AVplayer O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +41557013 O 41557013 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41557013/ O https://stackoverflow.com/questions/41557013/ O + + +I O I O +found O found O +a O a O +solution O solution O +, O , O + +I O I O +got O got O +seconds B-Variable seconds O +from O from O +CMtime B-Class CMtime O +using O using O +this O this O +code O code O +, O , O +and O and O +add O add O +it O it O +on O on O +Unwind B-Function Unwind O +segue I-Function segue O +function O function O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5959 I-Code_Block Q_5959 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +2.in O 2.in O +viewdidload B-Function viewdidload O +I O I O +use O use O +this O this O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5960 I-Code_Block A_5960 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +it O it O +'s O 's O +a O a O +solution O solution O +but O but O +not O not O +a O a O +perfect O perfect O +solution O solution O +, O , O +everytime O everytime O +it O it O +re-download O re-download O +a O a O +audio O audio O +file O file O +to O to O +resume O resume O +it O it O +, O , O +that O that O +mean O mean O +If O If O +I O I O +play O play O +a O a O +file O file O +and O and O +then O then O +I O I O +return O return O +to O to O +tableview O tableview O +then O then O +return O return O +back O back O +, O , O +it O it O +will O will O +purse O purse O +and O and O +wait O wait O +some O some O +second O second O +then O then O +play O play O +it O it O +from O from O +where O where O +it O it O +stopped O stopped O +. O . O + +Question_ID O Question_ID O +: O : O +46659479 O 46659479 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46659479/ O https://stackoverflow.com/questions/46659479/ O + + +I O I O +have O have O +a O a O +table B-User_Interface_Element table O +cell I-User_Interface_Element cell O +in O in O +my O my O +xml B-HTML_XML_Tag xml O +file O file O +, O , O +which O which O +has O has O +two O two O +TextViews B-Class TextViews O +. O . O + +Now O Now O +, O , O +i O i O +want O want O +to O to O +create O create O +copies O copies O +of O of O +that O that O +cell B-User_Interface_Element cell O +and O and O +assign O assign O +values O values O +into O into O +through O through O +the O the O +java B-Language java O +code O code O +. O . O + +All O All O +other O other O +cells B-User_Interface_Element cells O +should O should O +have O have O +the O the O +same O same O +property O property O +as O as O +that O that O +one O one O +. O . O + +( O ( O +cell B-User_Interface_Element cell O +background O background O +color O color O +, O , O +font O font O +type O type O +, O , O +font O font O +size O size O +etc O etc O +) O ) O +. O . O + +That O That O +cell B-User_Interface_Element cell O +will O will O +span O span O +the O the O +entire O entire O +first O first O +row B-User_Interface_Element row O +, O , O +and O and O +then O then O +the O the O +resulting O resulting O +row B-User_Interface_Element row O +will O will O +be O be O +used O used O +to O to O +create O create O +multiple O multiple O +rows B-User_Interface_Element rows O +after O after O +that O that O +. O . O + +Can O Can O +anyone O anyone O +help O help O +me O me O +achieve O achieve O +the O the O +above O above O +. O . O + +I O I O +'m O 'm O +new O new O +to O to O +android B-Operating_System android O +programming O programming O +. O . O + +This O This O +is O is O +my O my O +part O part O +of O of O +my O my O +xml B-File_Type xml O +file O file O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6147 I-Code_Block Q_6147 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +26063673 O 26063673 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26063673/ O https://stackoverflow.com/questions/26063673/ O + + +When O When O +I O I O +run O run O +.gradlew B-Code_Block .gradlew O +createCoverageReport I-Code_Block createCoverageReport O +I O I O +get O get O +the O the O +following O following O +error O error O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2981 I-Code_Block Q_2981 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +when O when O +I O I O +access O access O +that O that O +index.html B-File_Name index.html O +it O it O +looks O looks O +like O like O +this O this O +: O : O + +I O I O +do O do O +n't O n't O +understand O understand O +why O why O +its O its O +crashing. O crashing. O +. O . O +the O the O +build O build O +gets O gets O +to O to O +about O about O +98% O 98% O +before O before O +this O this O +fail O fail O +. O . O + +I O I O +have O have O +a O a O +nexus B-Device nexus O +5 B-Version 5 O +connected O connected O +running O running O +4.4. B-Version 4.4. O +. O . O + +my O my O +build.gradle B-File_Name build.gradle O +looks O looks O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2982 I-Code_Block Q_2982 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +26063673 O 26063673 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26063673/ O https://stackoverflow.com/questions/26063673/ O + + +The O The O +apply O apply O +plug-in O plug-in O +part O part O +causes O causes O +the O the O +tests O tests O +to O to O +not O not O +run O run O +. O . O + +Like O Like O +Bill B-User_Name Bill O +suggested O suggested O +gradle B-Application gradle O +'s O 's O +latest O latest O +release O release O +has O has O +jacoco B-Library jacoco O +packaged O packaged O +within O within O +so O so O +it O it O +need O need O +n't O n't O +be O be O +applied O applied O +anymore O anymore O +. O . O + +My O My O +tests O tests O +recently O recently O +broke O broke O +because O because O +of O of O +this O this O +. O . O + +Removing O Removing O +that O that O +line O line O +fixed O fixed O +my O my O +issue O issue O +and O and O +I O I O +get O get O +my O my O +reports O reports O +again O again O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +26063673 O 26063673 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/26063673/ O https://stackoverflow.com/questions/26063673/ O + + +Couple O Couple O +things O things O +. O . O + +To O To O +fix O fix O +your O your O +first O first O +error O error O +" O " O +Instrumentation O Instrumentation O +run O run O +failed O failed O +due O due O +to O to O +' O ' O +java.lang.VerifyError B-Error_Name java.lang.VerifyError O +' O ' O +" O " O +, O , O +upgrade O upgrade O +your O your O +build B-Application build O +tools I-Application tools O +to O to O +21+ B-Version 21+ O +. O . O + +This O This O +is O is O +a O a O +bug O bug O +in O in O +the O the O +android B-Application android O +build I-Application build O +tools I-Application tools O +that O that O +they O they O +have O have O +fixed O fixed O +. O . O + +Hooray O Hooray O +! O ! O + +You O You O +do O do O +n't O n't O +have O have O +to O to O +apply O apply O +the O the O +jacoco B-Library jacoco O +plugin O plugin O +, O , O +it O it O +is O is O +part O part O +of O of O +the O the O +android B-Application android O +gradle I-Application gradle O +plugin O plugin O +. O . O + +All O All O +you O you O +need O need O +is O is O +' O ' O +testCoverageEnabled B-Code_Block testCoverageEnabled O +true I-Code_Block true O +' O ' O +and O and O +it O it O +will O will O +create O create O +your O your O +.ec B-File_Type .ec O +file O file O +. O . O + +Applying O Applying O +the O the O +plugin O plugin O +does O does O +n't O n't O +hurt O hurt O +as O as O +far O far O +as O as O +I O I O +know O know O +, O , O +but O but O +it O it O +'s O 's O +helpful O helpful O +to O to O +get O get O +your O your O +mind O mind O +around O around O +the O the O +fact O fact O +that O that O +jacoco B-Library jacoco O +is O is O +in O in O +there O there O +already O already O +. O . O + +The O The O +override O override O +for O for O +' O ' O +reportsDir B-Variable reportsDir O +' O ' O +might O might O +not O not O +work O work O +, O , O +so O so O +you O you O +should O should O +also O also O +look O look O +for O for O +your O your O +report O report O +in O in O +' O ' O +build/outputs/reports/coverage/debug/index.html O build/outputs/reports/coverage/debug/index.html O +' O ' O +. O . O + +Question_ID O Question_ID O +: O : O +7845542 O 7845542 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7845542/ O https://stackoverflow.com/questions/7845542/ O + + +how O how O +to O to O +map O map O +closest O closest O +craigslist B-Website craigslist O +site O site O +for O for O +a O a O +given O given O +address(zip) O address(zip) O +? O ? O + +or O or O +I O I O +was O was O +thinking O thinking O +of O of O +making O making O +that O that O +mapping O mapping O +myself O myself O +by O by O +looking O looking O +at O at O +the O the O +list O list O +of O of O +craigslist B-Website craigslist O +sites O sites O +city-wise/state O city-wise/state O +-wise O -wise O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7845542 O 7845542 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7845542/ O https://stackoverflow.com/questions/7845542/ O + + +Indeed O Indeed O +, O , O +I O I O +believe O believe O +the O the O +best O best O +solution O solution O +is O is O +to O to O +get O get O +a O a O +list O list O +of O of O +Craigslist B-Website Craigslist O +sites/cities O sites/cities O +, O , O +prebuild O prebuild O +a O a O +mapping O mapping O +of O of O +cities O cities O +to O to O +coordinates O coordinates O +using O using O +some O some O +geocoding B-Library geocoding O +API O API O +( O ( O +Tiny B-Library Tiny O +Geocoder I-Library Geocoder O +comes O comes O +to O to O +mind O mind O +but O but O +Yahoo B-Website Yahoo O +and O and O +Bing B-Website Bing O +offer O offer O +good O good O +solutions O solutions O +too O too O +) O ) O +, O , O +and O and O +then O then O +storing O storing O +it O it O +in O in O +a O a O +way O way O +that O that O +makes O makes O +sort-by-nearest O sort-by-nearest O +easy O easy O +( O ( O +say O say O +, O , O +MySQL B-Application MySQL O +'s O 's O +geospatial O geospatial O +extensions O extensions O +or O or O +MongoDB's B-Application MongoDB's O +) O ) O +. O . O + +Question_ID O Question_ID O +: O : O +2135509 O 2135509 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2135509/ O https://stackoverflow.com/questions/2135509/ O + + +I O I O +came O came O +across O across O +a O a O +bug O bug O +in O in O +code O code O +that O that O +is O is O +only O only O +reproduced O reproduced O +when O when O +the O the O +code O code O +is O is O +built O built O +with O with O +optimizations O optimizations O +enabled O enabled O +. O . O + +I O I O +'ve O 've O +made O made O +a O a O +console B-Application console O +app O app O +that O that O +replicates O replicates O +the O the O +logic O logic O +for O for O +testing O testing O +( O ( O +code O code O +below O below O +) O ) O +. O . O + +You O You O +'ll O 'll O +see O see O +that O that O +when O when O +optimization O optimization O +is O is O +enabled O enabled O +' O ' O +value B-Variable value O +' O ' O +becomes O becomes O +null B-Value null O +after O after O +execution O execution O +of O of O +this O this O +invalid O invalid O +logic O logic O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_135 I-Code_Block Q_135 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +fix O fix O +is O is O +straight O straight O +forward O forward O +and O and O +is O is O +commented O commented O +out O out O +below O below O +the O the O +offending O offending O +code O code O +. O . O + +But O But O +.. O .. O +. O . O + +I O I O +'m O 'm O +more O more O +concerned O concerned O +that O that O +I O I O +may O may O +have O have O +come O come O +across O across O +a O a O +bug O bug O +in O in O +the O the O +assembler B-Application assembler O +or O or O +perhaps O perhaps O +someone O someone O +else O else O +has O has O +an O an O +explanation O explanation O +of O of O +why O why O +value B-Variable value O +gets O gets O +set O set O +to O to O +null B-Value null O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_136 I-Code_Block Q_136 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +normal O normal O +output O output O +should O should O +be O be O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_137 I-Code_Block Q_137 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +buggy O buggy O +output O output O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_138 I-Code_Block Q_138 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +My O My O +Env O Env O +is O is O +a O a O +VM B-Application VM O +running O running O +Windows B-Operating_System Windows O +Server I-Operating_System Server O +2003 B-Version 2003 O +R2 I-Version R2 O +with O with O +.NET B-Library .NET O +3.5 B-Version 3.5 O +SP1 I-Version SP1 O +. O . O + +Using O Using O +VS2008 B-Application VS2008 O +Team O Team O +System O System O +. O . O + +Thanks O Thanks O +, O , O + +Brian B-User_Name Brian O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2135509 O 2135509 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2135509/ O https://stackoverflow.com/questions/2135509/ O + + +Yes O Yes O +, O , O +your O your O +expression O expression O +fatally O fatally O +confuses O confuses O +the O the O +JIT O JIT O +optimizer O optimizer O +. O . O + +The O The O +generated O generated O +machine O machine O +code O code O +looks O looks O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_211 I-Code_Block A_211 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +bug O bug O +occurs O occurs O +at O at O +address B-Variable address O +41 B-Value 41 O +, O , O +the O the O +optimizer O optimizer O +has O has O +concluded O concluded O +that O that O +value B-Variable value O +will O will O +always O always O +be O be O +null B-Value null O +so O so O +it O it O +directly O directly O +passes O passes O +a O a O +null B-Value null O +to O to O +String.Concat() B-Function String.Concat() O +. O . O + +For O For O +comparison O comparison O +, O , O +this O this O +is O is O +the O the O +code O code O +that O that O +'s O 's O +generated O generated O +when O when O +JIT O JIT O +optimization O optimization O +is O is O +turned O turned O +off O off O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_212 I-Code_Block A_212 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +code O code O +got O got O +moved O moved O +, O , O +but O but O +do O do O +note O note O +that O that O +at O at O +address B-Variable address O +5c B-Value 5c O +it O it O +now O now O +uses O uses O +the O the O +local O local O +variable O variable O +( O ( O +value B-Variable value O +) O ) O +instead O instead O +of O of O +null B-Value null O +. O . O + +You O You O +can O can O +report O report O +this O this O +bug O bug O +at O at O +connect.microsoft.com O connect.microsoft.com O +. O . O + +The O The O +workaround O workaround O +is O is O +simple O simple O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_213 I-Code_Block A_213 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2135509 O 2135509 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2135509/ O https://stackoverflow.com/questions/2135509/ O + + +This O This O +bug O bug O +seems O seems O +to O to O +have O have O +been O been O +fixed O fixed O +in O in O +.NET B-Library .NET O +4 B-Version 4 O +( O ( O +beta B-Version beta O +2) I-Version 2) O +. O . O + +Here O Here O +'s O 's O +the O the O +optimized O optimized O +x86 O x86 O +disassembly O disassembly O +for O for O +the O the O +bit O bit O +nobugz O nobugz O +highlighted O highlighted O +, O , O +above O above O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_219 I-Code_Block A_219 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +program O program O +also O also O +displays O displays O +the O the O +expected O expected O +output O output O +in O in O +both O both O +optimized O optimized O +and O and O +unoptimized O unoptimized O +modes O modes O +. O . O + +Question_ID O Question_ID O +: O : O +48719257 O 48719257 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48719257/ O https://stackoverflow.com/questions/48719257/ O + + +I O I O +am O am O +use O use O +to O to O +develop O develop O +one O one O +web O web O +app O app O +using O using O +Forge B-Library Forge O +API I-Library API O +. O . O + +It O It O +'s O 's O +working O working O +well O well O +and O and O +good O good O +. O . O + +At O At O +the O the O +same O same O +time O time O +am O am O +using O using O +design O design O +automation O automation O +in O in O +forge B-Application forge O +. O . O + +I O I O +can O can O +able O able O +to O to O +create O create O +Package O Package O +and O and O +it O it O +'s O 's O +working O working O +fine O fine O +. O . O + +I O I O +will O will O +process O process O +the O the O +dwg B-File_Type dwg O +file O file O +using O using O +forge B-Library forge O +api I-Library api O +preparing O preparing O +to O to O +viewer O viewer O +. O . O + +I O I O +can O can O +able O able O +to O to O +view O view O +dwg B-File_Type dwg O +in O in O +browser B-Application browser O +. O . O + +My O My O +issue O issue O +is O is O +I O I O +have O have O +viewer O viewer O +click O click O +event O event O +the O the O +event O event O +click O click O +populate O populate O +the O the O +element B-Variable element O +id I-Variable id O +. O . O + +However O However O +, O , O +my O my O +package O package O +I O I O +can O can O +get O get O +only O only O +the O the O +object B-Variable object O +id I-Variable id O +. O . O + +element B-Variable element O +id I-Variable id O +and O and O +object B-Variable object O +id I-Variable id O +totally O totally O +different O different O +. O . O + +What O What O +is O is O +the O the O +conman B-Variable conman O +id I-Variable id O +each O each O +object O object O +client O client O +and O and O +server O server O +side O side O +. O . O + +Summary O Summary O +: O : O +when O when O +user O user O +click O click O +the O the O +object O object O +in O in O +viewer O viewer O +I O I O +want O want O +to O to O +capture O capture O +id O id O +and O and O +store O store O +my O my O +local O local O +database O database O +. O . O + +and O and O +using O using O +package O package O +I O I O +need O need O +to O to O +process O process O +the O the O +user O user O +clicked O clicked O +object O object O +. O . O + +Example O Example O +: O : O +when O when O +user O user O +click O click O +the O the O +drawing O drawing O +number O number O +in O in O +viewer O viewer O +. O . O + +From O From O +the O the O +next O next O +time O time O +I O I O +want O want O +change O change O +the O the O +drawing O drawing O +number O number O +dynamically O dynamically O +using O using O +call O call O +package O package O +from O from O +C# B-Language C# O +code O code O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +48719257 O 48719257 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48719257/ O https://stackoverflow.com/questions/48719257/ O + + +For O For O +an O an O +RVT B-File_Type RVT O +file O file O +, O , O +one O one O +easy O easy O +way O way O +to O to O +handle O handle O +this O this O +is O is O +to O to O +extract O extract O +the O the O +Forge B-Application Forge O +externalId B-Variable externalId B-Code_Block +from O from O +the O the O +Forge B-Application Forge O +object O object O +properties O properties O +. O . O + +That O That O +is O is O +equal O equal O +to O to O +the O the O +Revit B-Library Revit O +element O element O +UniqueId B-Variable UniqueId B-Code_Block +property O property O +. O . O + +The O The O +RvtMetaProp B-Function RvtMetaProp O +Revit B-Library Revit O +add-in O add-in O +makes O makes O +use O use O +of O of O +this O this O +. O . O + +Oh O Oh O +, O , O +now O now O +I O I O +just O just O +found O found O +a O a O +better O better O +, O , O +more O more O +complete O complete O +and O and O +succinct O succinct O +explanation O explanation O +of O of O +Unique O Unique O +IDs O IDs O +for O for O +Forge B-Application Forge O +Viewer B-User_Interface_Element Viewer O +Elements O Elements O +: O : O + +The O The O +Viewer B-User_Interface_Element Viewer O +gives O gives O +access O access O +to O to O +three O three O +types O types O +of O of O +IDs O IDs O +when O when O +dealing O dealing O +with O with O +Revit B-Library Revit O +files O files O +: O : O + +dbId B-Variable dbId B-Code_Block +: O : O +this O this O +is O is O +viewer O viewer O +specific O specific O +and O and O +used O used O +to O to O +manipulate O manipulate O +elements O elements O +within O within O +the O the O +viewer O viewer O +, O , O +such O such O +as O as O +for O for O +the O the O +.getProperties() B-Function .getProperties() B-Code_Block +method O method O +. O . O + +Revit B-Library Revit O +ElementID B-Variable ElementID B-Code_Block +: O : O +exposed O exposed O +as O as O +part O part O +of O of O +the O the O +Name B-Variable Name B-Code_Block +property O property O +in O in O +the O the O +viewer O viewer O +. O . O + +When O When O +you O you O +select O select O +something O something O +, O , O +the O the O +Property B-User_Interface_Element Property O +panel I-User_Interface_Element panel O +title O title O +is O is O +in O in O +the O the O +form O form O +of O of O +' B-Value ' O +Name I-Value Name O +[ B-Value [ O +12345 I-Value 12345 O +] I-Value ] O +' B-Value ' O +. O . O + +You O You O +can O can O +parse O parse O +this O this O +name O name O +string B-Data_Type string O +and O and O +extract O extract O +the O the O +element B-Variable element O +id I-Variable id O +. O . O + +Revit B-Library Revit O +UniqueID B-Variable UniqueID B-Code_Block +: O : O +exposed O exposed O +as O as O +the O the O +externalId B-Variable externalId B-Code_Block +property O property O +in O in O +the O the O +.getProperty() B-Function .getProperty() B-Code_Block +response O response O +. O . O + +Question_ID O Question_ID O +: O : O +16282000 O 16282000 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16282000/ O https://stackoverflow.com/questions/16282000/ O + + +I O I O +was O was O +surprised O surprised O +that O that O +there O there O +is O is O +no O no O +straightforward O straightforward O +solution O solution O +to O to O +this O this O +problem O problem O +. O . O + +Nothing O Nothing O +I O I O +found O found O +on O on O +the O the O +web O web O +or O or O +on O on O +SO B-Website SO O +seems O seems O +to O to O +work O work O +. O . O + +For O For O +example O example O +I O I O +have O have O +this O this O +html B-Language html O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1621 I-Code_Block Q_1621 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +want O want O +to O to O +evoke O evoke O +save O save O +as O as O +dialog B-HTML_XML_Tag dialog O +when O when O +user O user O +clicks O clicks O +on O on O +this O this O +image B-User_Interface_Element image O +, O , O +instead O instead O +opening O opening O +the O the O +image B-User_Interface_Element image O +in O in O +new O new O +window B-User_Interface_Element window O +, O , O +as O as O +it O it O +'s O 's O +a O a O +format O format O +understood O understood O +by O by O +browser B-Application browser O +. O . O + +There O There O +must O must O +be O be O +at O at O +least O least O +some O some O +javascript B-Language javascript O +to O to O +do O do O +the O the O +task O task O +, O , O +or O or O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16282000 O 16282000 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16282000/ O https://stackoverflow.com/questions/16282000/ O + + +You O You O +absolutely O absolutely O +cannot O cannot O +do O do O +it O it O +on O on O +client B-Application client O +side O side O +, O , O +neither O neither O +in O in O +HTML B-Language HTML O +, O , O +nor O nor O +Javascript B-Language Javascript O +, O , O +it O it O +can O can O +only O only O +be O be O +done O done O +by O by O +sending O sending O +the O the O +correct O correct O +HTTP O HTTP O +response O response O +headers O headers O +from O from O +server B-Application server O +side O side O +. O . O + +Question_ID O Question_ID O +: O : O +35909768 O 35909768 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35909768/ O https://stackoverflow.com/questions/35909768/ O + + +I O I O +am O am O +getting O getting O +following O following O +error O error O +when O when O +hitting O hitting O +FEB B-Library FEB O +REST I-Library REST O +API I-Library API O +for O for O +getting O getting O +record O record O +. O . O + +I O I O +am O am O +passing O passing O +Authorization O Authorization O +header O header O +and O and O +using O using O +get O get O +request O request O +using O using O +following O following O +URL O URL O +and O and O +I O I O +am O am O +using O using O +Java B-Language Java O +for O for O +calling O calling O +the O the O +REST B-Library REST O +API I-Library API O +. O . O + +If O If O +I O I O +am O am O +hitting O hitting O +same O same O +URL O URL O +using O using O +postman B-Application postman O +, O , O +it O it O +works O works O +perfectly O perfectly O +. O . O + +URL O URL O +: O : O +http://localhost/forms-basic/secure/org/data/f0720c16-d4b8-442f-8674-2d7fbdab8afc/F_Form1/8d4dfeed-aa11-45fc-a958-23d62d9328cc O http://localhost/forms-basic/secure/org/data/f0720c16-d4b8-442f-8674-2d7fbdab8afc/F_Form1/8d4dfeed-aa11-45fc-a958-23d62d9328cc O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4396 I-Code_Block Q_4396 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35909768 O 35909768 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35909768/ O https://stackoverflow.com/questions/35909768/ O + + +I O I O +have O have O +passed O passed O +accept O accept O +header O header O +as O as O +application/atom B-Code_Block application/atom O ++xml I-Code_Block +xml O +in O in O +the O the O +request O request O +header O header O +, O , O +and O and O +now O now O +it O it O +is O is O +working O working O +fine O fine O +, O , O +without O without O +any O any O +issues O issues O +. O . O + +Question_ID O Question_ID O +: O : O +30229264 O 30229264 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30229264/ O https://stackoverflow.com/questions/30229264/ O + + +There O There O +are O are O +two O two O +ways O ways O +to O to O +make O make O +drop B-User_Interface_Element drop O +down I-User_Interface_Element down O +list I-User_Interface_Element list O +in O in O +Excel B-Application Excel O +: O : O + +Data B-User_Interface_Element Data O +validation I-User_Interface_Element validation O +list I-User_Interface_Element list O + +Combobox B-User_Interface_Element Combobox O +form O form O +control O control O + +Now O Now O +in O in O +my O my O +project O project O +I O I O +have O have O +Data B-User_Interface_Element Data O +validation I-User_Interface_Element validation O +dropdown I-User_Interface_Element dropdown O +lists I-User_Interface_Element lists O +wich O wich O +can O can O +be O be O +too O too O +long O long O +and O and O +I O I O +want O want O +to O to O +add O add O +search O search O +functionality O functionality O +for O for O +it O it O +. O . O + +I O I O +'ve O 've O +find O find O +some O some O +solutions O solutions O +but O but O +only O only O +for O for O +combobox B-User_Interface_Element combobox O +control O control O +, O , O +which O which O +not O not O +applicable O applicable O +for O for O +my O my O +Excel B-Application Excel O +document O document O +, O , O +because O because O +theese O theese O +dropdown B-Data_Structure dropdown O +lists I-Data_Structure lists O +should O should O +be O be O +repeated O repeated O +in O in O +each O each O +row B-Data_Structure row O +: O : O + +Is O Is O +there O there O +any O any O +possible O possible O +solution O solution O +to O to O +add O add O +search O search O +functionality O functionality O +to O to O +datavalidation O datavalidation O +dropdown B-User_Interface_Element dropdown O +list I-User_Interface_Element list O +? O ? O + +Question_ID O Question_ID O +: O : O +2551073 O 2551073 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2551073/ O https://stackoverflow.com/questions/2551073/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +send O send O +objects O objects O +retrieved O retrieved O +by O by O +NHibernate B-Library NHibernate O +over O over O +WCF B-Library WCF O +, O , O +but O but O +whenever O whenever O +a O a O +have O have O +a O a O +property O property O +of O of O +ICollection B-Class ICollection O +I O I O +get O get O +an O an O +exception B-Class exception O +. O . O + +When O When O +NHibernate B-Library NHibernate O +gets O gets O +the O the O +data O data O +from O from O +the O the O +database O database O +this O this O +property O property O +is O is O +intitialized O intitialized O +with O with O +an O an O +instance O instance O +of O of O +PersistentGenericSet B-Class PersistentGenericSet O +. O . O + +Is O Is O +there O there O +a O a O +way O way O +I O I O +can O can O +send O send O +a O a O +PersistentGenericSet B-Class PersistentGenericSet O +over O over O +WCF B-Library WCF O +? O ? O + +-or O -or O +- O - O + +Is O Is O +there O there O +some O some O +way O way O +making O making O +NHibernate B-Library NHibernate O +initialize O initialize O +these O these O +properties O properties O +with O with O +another O another O +type O type O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +2551073 O 2551073 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/2551073/ O https://stackoverflow.com/questions/2551073/ O + + +The O The O +PersistentGenericSet B-Class PersistentGenericSet O +is O is O +part O part O +of O of O +NHibernate B-Library NHibernate O +( O ( O +used O used O +to O to O +track O track O +changes O changes O +in O in O +collections O collections O +) O ) O +. O . O + +It O It O +is O is O +based O based O +on O on O +the O the O +ISet B-Class ISet O +interface O interface O +and O and O +classes O classes O +from O from O +Iesi.Collections B-Library Iesi.Collections O +, O , O +which O which O +was O was O +used O used O +to O to O +fill O fill O +a O a O +gap O gap O +in O in O +the O the O +.Net B-Library .Net O +framework O framework O +as O as O +there O there O +is O is O +n't O n't O +a O a O +Set B-Class Set O +type O type O +. O . O + +I O I O +guess O guess O +that O that O +WCF B-Library WCF O +has O has O +a O a O +problem O problem O +serializing O serializing O +this O this O +type O type O +. O . O + +A O A O +quick O quick O +fix O fix O +is O is O +to O to O +change O change O +your O your O +NHibernate B-Library NHibernate O +mappings O mappings O +to O to O +use O use O +a O a O +Bag B-Class Bag O +instead O instead O +of O of O +a O a O +Set B-Class Set O +. O . O + +Then O Then O +you O you O +can O can O +use O use O +a O a O +normal O normal O +IList B-Class IList B-Code_Block + I-Class I-Code_Block +instead O instead O +of O of O +Set B-Class Set B-Code_Block +in O in O +your O your O +classes O classes O +w O w O +. O . O + +A O A O +better O better O +solution O solution O +is O is O +to O to O +create O create O +a O a O +remote O remote O +facade O facade O +which O which O +sends O sends O +DTOs O DTOs O +to O to O +your O your O +WCF B-Library WCF O +endpoints O endpoints O +. O . O + +This O This O +will O will O +allow O allow O +you O you O +to O to O +keep O keep O +the O the O +interface O interface O +of O of O +your O your O +internal O internal O +types O types O +separate O separate O +from O from O +those O those O +exposed O exposed O +as O as O +remote O remote O +services O services O +. O . O + +Jimmy B-User_Name Jimmy O +Bogards I-User_Name Bogards O +Automapper B-Library Automapper O +is O is O +a O a O +great O great O +tool O tool O +which O which O +will O will O +help O help O +with O with O +the O the O +mapping O mapping O +process O process O +. O . O + +Edit O Edit O + +After O After O +re-reading O re-reading O +the O the O +problem O problem O +I O I O +had O had O +a O a O +look O look O +around O around O +the O the O +and O and O +came O came O +across O across O +this O this O +article O article O +which O which O +describes O describes O +a O a O +workaround O workaround O +for O for O +sending O sending O +NHibernate B-Library NHibernate O +collections O collections O +over O over O +WCF B-Library WCF O +. O . O + +David B-User_Name David O +Brion I-User_Name Brion O +has O has O +written O written O +a O a O +good O good O +follow O follow O +up O up O +article O article O +. O . O + +Question_ID O Question_ID O +: O : O +16434254 O 16434254 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16434254/ O https://stackoverflow.com/questions/16434254/ O + + +I O I O +have O have O +an O an O +installer O installer O +created O created O +using O using O +Installshield B-Application Installshield O +2012 B-Version 2012 O +that O that O +depends O depends O +greatly O greatly O +on O on O +the O the O +value O value O +of O of O +a O a O +Registry O Registry O +key O key O +written O written O +by O by O +some O some O +other O other O +application O application O +developed O developed O +in-house O in-house O +. O . O + +I O I O +use O use O +RegDBGetKeyValueEx B-Function RegDBGetKeyValueEx O +Installscript B-Library Installscript O +API I-Library API O +to O to O +fetch O fetch O +the O the O +value O value O +. O . O + +This O This O +value O value O +is O is O +a O a O +directory O directory O +path O path O +guaranteed O guaranteed O +to O to O +have O have O +a O a O +trailing O trailing O +backslash O backslash O +. O . O + +This O This O +value O value O +serves O serves O +as O as O +the O the O +TARGETDIR B-Variable TARGETDIR O +for O for O +my O my O +installer O installer O +. O . O + +The O The O +issue O issue O +is O is O +that O that O +I O I O +often O often O +see O see O +a O a O +foreign O foreign O +character B-Data_Type character O +( O ( O +Chinese O Chinese O +, O , O +Japanese O Japanese O +or O or O +Korean O Korean O +) O ) O +appended O appended O +to O to O +the O the O +backslash.This B-Value backslash.This O +causes O causes O +my O my O +TARGETDIR B-Variable TARGETDIR O +to O to O +contain O contain O +the O the O +foreign O foreign O +character B-Data_Type character O +. O . O + +This O This O +pollutes O pollutes O +my O my O +installation O installation O +. O . O + +I O I O +feel O feel O +this O this O +is O is O +some O some O +bug O bug O +with O with O +Installscript B-Library Installscript O +API I-Library API O +which O which O +wrongly O wrongly O +translates O translates O +the O the O +Registry O Registry O +value O value O +. O . O + +Please O Please O +provide O provide O +some O some O +inputs O inputs O +so O so O +that O that O +I O I O +may O may O +find O find O +the O the O +root-cause O root-cause O +of O of O +the O the O +issue O issue O +. O . O + +EDIT O EDIT O +1 O 1 O +: O : O + +The O The O +other O other O +application O application O +in O in O +question O question O +is O is O +a O a O +purely O purely O +ANSI O ANSI O +application O application O +with O with O +no O no O +support O support O +for O for O +Unicode O Unicode O +. O . O + +There O There O +is O is O +no O no O +#define B-Code_Block #define O +UNICODE I-Code_Block UNICODE O +specified O specified O +anywhere O anywhere O +. O . O + +I O I O +also O also O +checked O checked O +the O the O +compiler O compiler O +parameters O parameters O +and O and O +found O found O +nothing O nothing O +related O related O +to O to O +Unicode O Unicode O +specified O specified O +. O . O + +This O This O +application O application O +reads O reads O +one O one O +Registry O Registry O +key O key O +and O and O +appends O appends O +a O a O +backslash O backslash O +and O and O +updates O updates O +other O other O +keys O keys O +. O . O + +Once O Once O +this O this O +operation O operation O +is O is O +done O done O +my O my O +installer O installer O +fetches O fetches O +the O the O +values O values O +written O written O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1647 I-Code_Block Q_1647 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +values O values O +updated O updated O +in O in O +the O the O +above O above O +code O code O +are O are O +then O then O +written O written O +to O to O +registry B-Variable registry O +. O . O + +The O The O +Installscript B-Library Installscript O +code O code O +that O that O +fetches O fetches O +these O these O +values O values O +is O is O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1648 I-Code_Block Q_1648 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +EDIT O EDIT O +2 O 2 O +: O : O + +The O The O +way O way O +the O the O +registry B-Variable registry O +value O value O +is O is O +set O set O +seems O seems O +to O to O +be O be O +wrong O wrong O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1649 I-Code_Block Q_1649 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +feel O feel O +the O the O +correct O correct O +code O code O +should O should O +have O have O +been O been O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1650 I-Code_Block Q_1650 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16434254 O 16434254 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16434254/ O https://stackoverflow.com/questions/16434254/ O + + +In O In O +some O some O +code O code O +pages O pages O +the O the O +currency O currency O +symbol O symbol O +is O is O +the O the O +same O same O +byte B-Data_Type byte O +value O value O +in O in O +ASCII O ASCII O +as O as O +the O the O +backslash B-Value backslash O +. O . O + +If O If O +you O you O +'re O 're O +using O using O +Unicode O Unicode O +functions O functions O +this O this O +should O should O +n't O n't O +be O be O +an O an O +issue O issue O +though O though O +. O . O + +See O See O +http://www.siao2.com/2005/09/17/469941.aspx O http://www.siao2.com/2005/09/17/469941.aspx O +for O for O +more O more O +information O information O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +16434254 O 16434254 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/16434254/ O https://stackoverflow.com/questions/16434254/ O + + +When O When O +assigning O assigning O +the O the O +Registry O Registry O +data O data O +to O to O +your O your O +m_reqPath B-Variable m_reqPath B-Code_Block +variable O variable O +, O , O +you O you O +are O are O +treating O treating O +it O it O +as O as O +null-terminated B-Value null-terminated O +character B-Data_Type character O +data O data O +. O . O + +However O However O +, O , O +string B-Data_Type string O +data O data O +read O read O +by O by O +RegQueryValueEx() B-Function RegQueryValueEx() B-Code_Block +is O is O +not O not O +guaranteed O guaranteed O +to O to O +be O be O +null-terminated B-Value null-terminated O +, O , O +if O if O +the O the O +original O original O +writer O writer O +of O of O +the O the O +data O data O +did O did O +not O not O +include O include O +one O one O +. O . O + +This O This O +is O is O +clearly O clearly O +stated O stated O +in O in O +the O the O +documentation O documentation O +. O . O + +Chances O Chances O +are O are O +that O that O +the O the O +string B-Data_Type string O +data O data O +you O you O +are O are O +reading O reading O +from O from O +the O the O +Registry O Registry O +is O is O +not O not O +null-terminated B-Value null-terminated O +, O , O +so O so O +you O you O +end O end O +up O up O +copying O copying O +random O random O +data O data O +from O from O +the O the O +end O end O +of O of O +your O your O +buffer B-Class buffer O +. O . O + +To O To O +account O account O +for O for O +that O that O +possibility O possibility O +, O , O +you O you O +need O need O +to O to O +allocate O allocate O +extra O extra O +space O space O +in O in O +your O your O +buffer B-Class buffer O +and O and O +put O put O +your O your O +own O own O +null B-Value null O +terminator O terminator O +at O at O +the O the O +end O end O +of O of O +whatever O whatever O +data O data O +you O you O +actually O actually O +read O read O +. O . O + +If O If O +the O the O +data O data O +is O is O +properly O properly O +null B-Value null O +terminated O terminated O +, O , O +then O then O +your O your O +terminator O terminator O +will O will O +simply O simply O +be O be O +redundant O redundant O +. O . O + +You O You O +are O are O +also O also O +leaking O leaking O +the O the O +opened O opened O +Registry O Registry O +key O key O +handle O handle O +if O if O +RegOpenKeyEx() B-Function RegOpenKeyEx() B-Code_Block +succeeds O succeeds O +but O but O +RegQueryValueEx() B-Function RegQueryValueEx() B-Code_Block +fails O fails O +. O . O + +Try O Try O +this O this O +instead O instead O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2123 I-Code_Block A_2123 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +avoid O avoid O +this O this O +issue O issue O +altogether O altogether O +, O , O +use O use O +RegGetValue() B-Function RegGetValue() B-Code_Block +instead O instead O +, O , O +which O which O +deals O deals O +with O with O +the O the O +null B-Value null O +terminator O terminator O +for O for O +you O you O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2124 I-Code_Block A_2124 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2125 I-Code_Block A_2125 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +33223737 O 33223737 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33223737/ O https://stackoverflow.com/questions/33223737/ O + + +A O A O +lot O lot O +of O of O +positioning O positioning O +problems O problems O +seem O seem O +to O to O +be O be O +easily O easily O +solvable O solvable O +with O with O +the O the O +CSS B-Language CSS O +display B-Code_Block display O +: I-Code_Block : O +table I-Code_Block table O +rule O rule O +, O , O +so O so O +I O I O +thought O thought O +I O I O +'d O 'd O +give O give O +it O it O +a O a O +try O try O +. O . O + +The O The O +only O only O +problem O problem O +is O is O +when O when O +I O I O +do O do O +, O , O +the O the O +footer B-User_Interface_Element footer O +completely O completely O +disappears O disappears O +and O and O +I O I O +do O do O +n't O n't O +understand O understand O +why O why O +. O . O + +html B-Language html O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4027 I-Code_Block Q_4027 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +css B-Language css O +with O with O +sass B-Language sass O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4028 I-Code_Block Q_4028 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'m O 'm O +trying O trying O +to O to O +copy O copy O +an O an O +example O example O +from O from O +this O this O +codepen B-Application codepen O +: O : O + +http://codepen.io/colintoh/pen/tGmDp O http://codepen.io/colintoh/pen/tGmDp O + +but O but O +the O the O +footer B-User_Interface_Element footer O +just O just O +is O is O +n't O n't O +showing O showing O +up O up O +. O . O + +How O How O +would O would O +you O you O +go O go O +about O about O +fixing O fixing O +this O this O +? O ? O + +edit O edit O +: O : O + +CSS B-Language CSS O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4029 I-Code_Block Q_4029 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +I O I O +'m O 'm O +using O using O +Firefox B-Application Firefox O +right O right O +now O now O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +33223737 O 33223737 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/33223737/ O https://stackoverflow.com/questions/33223737/ O + + +You O You O +need O need O +to O to O +add O add O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4726 I-Code_Block A_4726 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +your O your O +footer B-User_Interface_Element footer O +. O . O + +Otherwise O Otherwise O +it O it O +will O will O +only O only O +take O take O +up O up O +the O the O +space O space O +needed O needed O +to O to O +fit O fit O +the O the O +content O content O +inside O inside O +. O . O + +Also O Also O +, O , O +some O some O +browsers B-Application browsers O +do O do O +not O not O +allow O allow O +for O for O +empty O empty O +divs B-HTML_XML_Tag divs O +. O . O + +Add O Add O +some O some O +content O content O +to O to O +your O your O +footer B-User_Interface_Element footer O +, O , O +and O and O +it O it O +should O should O +show O show O +up O up O +in O in O +your O your O +browser B-Application browser O +. O . O + +JSFiddle B-Application JSFiddle O +: O : O +https://jsfiddle.net/rq9nm772/1/ O https://jsfiddle.net/rq9nm772/1/ O + +Question_ID O Question_ID O +: O : O +31276231 O 31276231 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31276231/ O https://stackoverflow.com/questions/31276231/ O + + +I O I O +have O have O +the O the O +next O next O +strange O strange O +problem O problem O +, O , O +I O I O +'m O 'm O +trying O trying O +to O to O +parse O parse O +response O response O +with O with O +JSON B-File_Type JSON O +data O data O +in O in O +background O background O +, O , O +because O because O +there O there O +'s O 's O +a O a O +lot O lot O +of O of O +data O data O +and O and O +call O call O +it O it O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3757 I-Code_Block Q_3757 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +the O the O +parseResponse() B-Function parseResponse() O +method O method O +is O is O +written O written O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3758 I-Code_Block Q_3758 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +So O So O +I O I O +do O do O +n't O n't O +know O know O +how O how O +, O , O +but O but O +somehow O somehow O +the O the O +data O data O +appeared O appeared O +in O in O +RecyclerView B-Class RecyclerView O +is O is O +there O there O +before O before O +onPostExecute B-Function onPostExecute O +is O is O +shown O shown O +, O , O +because O because O +in O in O +post O post O +execute O execute O +the O the O +progressbar B-Class progressbar O +should O should O +go O go O +invisible O invisible O +and O and O +notifydatasetchange B-Function notifydatasetchange B-Code_Block +should O should O +also O also O +appear O appear O +there O there O +. O . O + +But O But O +data O data O +appears O appears O +before O before O +the O the O +progressbar B-Class progressbar O +goes O goes O +invisible O invisible O +and O and O +notifyDataSetChange() B-Function notifyDataSetChange() B-Code_Block +fired O fired O +, O , O +help O help O +me O me O +please O please O +! O ! O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +31276231 O 31276231 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31276231/ O https://stackoverflow.com/questions/31276231/ O + + +An O An O +AsyncTask B-Class AsyncTask B-Code_Block +that O that O +returns O returns O +nothing O nothing O +from O from O +doInBackground() B-Function doInBackground() B-Code_Block +( O ( O +and O and O +does O does O +n't O n't O +communicate O communicate O +with O with O +onPostExecute() B-Function onPostExecute() B-Code_Block +via O via O +private O private O +members O members O +) O ) O +is O is O +always O always O +suspicious O suspicious O +. O . O + +You O You O +have O have O +a O a O +lot O lot O +of O of O +side O side O +effects O effects O +in O in O +your O your O +AsyncTask B-Class AsyncTask B-Code_Block +and O and O +that O that O +kind O kind O +of O of O +stuff O stuff O +is O is O +hard O hard O +to O to O +debug O debug O +. O . O + +You O You O +add O add O +to O to O +cityList B-Variable cityList B-Code_Block +and O and O +activeOrders B-Variable activeOrders B-Code_Block +for O for O +example O example O +, O , O +without O without O +showing O showing O +what O what O +that O that O +actually O actually O +is O is O +. O . O + +Presumably O Presumably O +those O those O +are O are O +lists B-Data_Structure lists O +attached O attached O +to O to O +some O some O +Adapter B-Class Adapter B-Code_Block +and O and O +adding O adding O +to O to O +those O those O +might O might O +trigger O trigger O +a O a O +View B-Class View B-Code_Block +attached O attached O +to O to O +the O the O +Adapter B-Class Adapter B-Code_Block +to O to O +be O be O +re-drawn O re-drawn O +. O . O + +If O If O +that O that O +is O is O +the O the O +case O case O +you O you O +could O could O +try O try O +calling O calling O +setNotifyOnChange(false) B-Function setNotifyOnChange(false) B-Code_Block +on O on O +mAdapter B-Variable mAdapter B-Code_Block +( O ( O +to O to O +delay O delay O +updates O updates O +until O until O +you O you O +manually O manually O +call O call O +notifyDataSetChanged() B-Function notifyDataSetChanged() B-Code_Block +later O later O +) O ) O +. O . O + +http://developer.android.com/reference/android/widget/ArrayAdapter.html#setNotifyOnChange(boolean) O http://developer.android.com/reference/android/widget/ArrayAdapter.html#setNotifyOnChange(boolean) O + +In O In O +general O general O +, O , O +if O if O +your O your O +AsyncTask B-Class AsyncTask B-Code_Block +does O does O +n't O n't O +return O return O +anything O anything O +or O or O +otherwise O otherwise O +" O " O +communicate O communicate O +" O " O +with O with O +onPostExecute() B-Function onPostExecute() B-Code_Block +there O there O +is O is O +little O little O +point O point O +in O in O +having O having O +onPostExecute() B-Function onPostExecute() B-Code_Block +in O in O +the O the O +first O first O +place O place O +. O . O + +Even O Even O +better O better O +would O would O +be O be O +not O not O +to O to O +have O have O +any O any O +side O side O +effect O effect O +in O in O +doInBackground() B-Function doInBackground() B-Code_Block +and O and O +instead O instead O +return O return O +the O the O +parsed O parsed O +data O data O +and O and O +only O only O +add O add O +it O it O +to O to O +cityList B-Variable cityList B-Code_Block +and O and O +activeOrders B-Variable activeOrders B-Code_Block +in O in O +onPostExecute() B-Function onPostExecute() B-Code_Block +. O . O + +Multi-threading O Multi-threading O +is O is O +tricky O tricky O +and O and O +AsyncTasks B-Class AsyncTasks B-Code_Block +while O while O +appearing/attempting O appearing/attempting O +to O to O +make O make O +it O it O +easier O easier O +, O , O +have O have O +many O many O +pitfalls O pitfalls O +. O . O + +I O I O +have O have O +attempted O attempted O +to O to O +answer O answer O +a O a O +question O question O +on O on O +thread O thread O +safety O safety O +of O of O +AsyncTask B-Class AsyncTask B-Code_Block +here O here O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +31276231 O 31276231 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31276231/ O https://stackoverflow.com/questions/31276231/ O + + +I O I O +do O do O +n't O n't O +have O have O +the O the O +privilege O privilege O +to O to O +comment O comment O +, O , O +so O so O +I O I O +'ll O 'll O +post O post O +it O it O +here O here O +: O : O + +You O You O +do O do O +n't O n't O +happen O happen O +to O to O +have O have O +listeners B-Class listeners O +on O on O +your O your O +ordersDatabase B-Variable ordersDatabase B-Code_Block +, O , O +cityList B-Variable cityList B-Code_Block +or O or O +activeOrders B-Variable activeOrders B-Code_Block +? O ? O + +Question_ID O Question_ID O +: O : O +46801774 O 46801774 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46801774/ O https://stackoverflow.com/questions/46801774/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +write O write O +a O a O +RewriteRule B-Variable RewriteRule O +for O for O +my O my O +.htaccess B-File_Type .htaccess O +file O file O +. O . O + +My O My O +Condition O Condition O +is O is O +following O following O +, O , O +Force O Force O +All O All O +user O user O +on O on O +my O my O +website O website O +to O to O +HTTP O HTTP O +with O with O +www O www O +and O and O +force O force O +secure-email O secure-email O +folder O folder O +to O to O +only O only O +https O https O +with O with O +www O www O +. O . O + +Any O Any O +ideas O ideas O +on O on O +how O how O +to O to O +write O write O +this O this O +RewriteRule B-Variable RewriteRule O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +46801774 O 46801774 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46801774/ O https://stackoverflow.com/questions/46801774/ O + + +You O You O +can O can O +use O use O +something O something O +similar O similar O +to O to O +this O this O +( O ( O +adapt O adapt O +it O it O +for O for O +your O your O +need O need O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6799 I-Code_Block A_6799 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +FYI O FYI O +: O : O +this O this O +works O works O +only O only O +with O with O +Apache B-Application Apache O +version O version O +>= O >= O +2.4 B-Version 2.4 O +or O or O +else O else O +you O you O +have O have O +to O to O +use O use O +mod_rewrite B-Function mod_rewrite O + +more O more O +details O details O +can O can O +be O be O +found O found O +here O here O +and O and O +here O here O +to O to O +adapt O adapt O +the O the O +rules O rules O +above O above O +. O . O + +But O But O +I O I O +highly O highly O +recommend O recommend O +setting O setting O +all O all O +the O the O +website O website O +over O over O +HTTPS O HTTPS O +( O ( O +HTTPS O HTTPS O +is O is O +a O a O +requirement O requirement O +for O for O +many O many O +new O new O +browser B-Application browser O +features O features O +, O , O +particularly O particularly O +those O those O +required O required O +for O for O +Progressive O Progressive O +Web O Web O +Apps O Apps O +) O ) O + +Question_ID O Question_ID O +: O : O +43233599 O 43233599 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43233599/ O https://stackoverflow.com/questions/43233599/ O + + +I O I O +have O have O +defined O defined O +a O a O +couple O couple O +of O of O +type O type O +synonyms O synonyms O +as O as O +follows O follows O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5529 I-Code_Block Q_5529 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +addition O addition O +I O I O +have O have O +defined O defined O +the O the O +following O following O +type O type O +and O and O +type O type O +synonym O synonym O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5530 I-Code_Block Q_5530 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Finally O Finally O +, O , O +the O the O +following O following O +function O function O +to O to O +construct O construct O +a O a O +graph B-Data_Structure graph O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5531 I-Code_Block Q_5531 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +In O In O +the O the O +above O above O +function O function O +, O , O +a O a O +list O list O +of O of O +tuples B-Data_Structure tuples O +is O is O +provided O provided O +where O where O +the O the O +first O first O +element O element O +of O of O +the O the O +tuple B-Data_Structure tuple O +is O is O +another O another O +tuple B-Data_Structure tuple O +and O and O +the O the O +second O second O +a O a O +list B-Data_Structure list O +, O , O +as O as O +per O per O +the O the O +functions O functions O +type O type O +signature O signature O +. O . O + +I O I O +am O am O +new O new O +to O to O +Haskell B-Language Haskell O +so O so O +am O am O +having O having O +some O some O +difficulty O difficulty O +in O in O +deciphering O deciphering O +the O the O +following O following O +error O error O +messages O messages O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5532 I-Code_Block Q_5532 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +have O have O +concluded O concluded O +that O that O +there O there O +are O are O +type O type O +mismatches O mismatches O +but O but O +am O am O +not O not O +clear O clear O +how O how O +so O so O +, O , O +given O given O +the O the O +types O types O +I O I O +have O have O +defined O defined O +and O and O +the O the O +functions O functions O +type O type O +signature O signature O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43233599 O 43233599 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43233599/ O https://stackoverflow.com/questions/43233599/ O + + +Of O Of O +course O course O +, O , O +this O this O +is O is O +a O a O +useful O useful O +exercise O exercise O +to O to O +do O do O +, O , O +and O and O +as O as O +a O a O +result O result O +of O of O +making O making O +this O this O +mistake O mistake O +you O you O +'ve O 've O +learned O learned O +to O to O +better O better O +understand O understand O +operator O operator O +precedence O precedence O +and O and O +parsing O parsing O +in O in O +Haskell B-Language Haskell O +. O . O + +However O However O +, O , O +once O once O +you O you O +have O have O +more O more O +experience O experience O +you O you O +'ll O 'll O +realize O realize O +you O you O +could O could O +have O have O +avoided O avoided O +the O the O +problem O problem O +, O , O +and O and O +wound O wound O +up O up O +with O with O +simpler O simpler O +code O code O +as O as O +a O a O +result O result O +, O , O +by O by O +using O using O +pattern O pattern O +matching O matching O +instead O instead O +of O of O +composing O composing O +calls O calls O +to O to O +fst B-Function fst B-Code_Block +and O and O +snd B-Function snd B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6259 I-Code_Block A_6259 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Now O Now O +the O the O +code O code O +is O is O +shaped O shaped O +like O like O +the O the O +data O data O +it O it O +consumes O consumes O +, O , O +and O and O +you O you O +get O get O +to O to O +give O give O +descriptive O descriptive O +names O names O +to O to O +the O the O +values O values O +you O you O +work O work O +with O with O +. O . O + +Another O Another O +improvement O improvement O +comes O comes O +from O from O +observing O observing O +that O that O +this O this O +recursive O recursive O +pattern O pattern O +is O is O +very O very O +common O common O +: O : O +you O you O +do O do O +something O something O +to O to O +each O each O +item O item O +in O in O +the O the O +list B-Data_Structure list O +, O , O +independent O independent O +of O of O +each O each O +other O other O +, O , O +and O and O +construct O construct O +a O a O +list B-Data_Structure list O +of O of O +the O the O +results O results O +. O . O + +In O In O +fact O fact O +, O , O +that O that O +is O is O +exactly O exactly O +what O what O +map B-Function map B-Code_Block +does O does O +. O . O + +So O So O +you O you O +could O could O +write O write O +a O a O +function O function O +that O that O +deals O deals O +with O with O +only O only O +one O one O +of O of O +these O these O +PGM B-Variable PGM O +items O items O +at O at O +a O a O +time O time O +, O , O +and O and O +then O then O +use O use O +map B-Function map B-Code_Block +to O to O +extend O extend O +it O it O +to O to O +a O a O +function O function O +that O that O +works O works O +on O on O +a O a O +list B-Data_Structure list O +of O of O +them O them O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6260 I-Code_Block A_6260 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43233599 O 43233599 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43233599/ O https://stackoverflow.com/questions/43233599/ O + + +The O The O +problem O problem O +is O is O +that O that O +f B-Code_Block f B-Code_Block +. I-Code_Block . I-Code_Block +g I-Code_Block g I-Code_Block +x I-Code_Block x I-Code_Block +is O is O +f B-Code_Block f B-Code_Block +. I-Code_Block . I-Code_Block +( I-Code_Block ( I-Code_Block +g I-Code_Block g I-Code_Block +x I-Code_Block x I-Code_Block +) I-Code_Block ) I-Code_Block +. O . O + +Therefore O Therefore O +, O , O +the O the O +types O types O +do O do O +n't O n't O +match O match O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6257 I-Code_Block A_6257 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +either O either O +have O have O +to O to O +use O use O +parentheses O parentheses O +around O around O +fst B-Code_Block fst B-Code_Block +. I-Code_Block . I-Code_Block +fst I-Code_Block fst I-Code_Block +or O or O +$ B-Code_Block $ B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6258 I-Code_Block A_6258 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +You O You O +can O can O +also O also O +combine O combine O +both O both O +, O , O +e.g O e.g O +. O . O + +fst B-Code_Block fst B-Code_Block +. I-Code_Block . I-Code_Block +fst I-Code_Block fst I-Code_Block +$ I-Code_Block $ I-Code_Block +x I-Code_Block x I-Code_Block +, O , O +since O since O +the O the O +precedence O precedence O +of O of O +$ B-Code_Block $ B-Code_Block +is O is O +low O low O +. O . O + +Question_ID O Question_ID O +: O : O +48268937 O 48268937 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48268937/ O https://stackoverflow.com/questions/48268937/ O + + +I O I O +am O am O +working O working O +on O on O +a O a O +document O document O +that O that O +is O is O +used O used O +in O in O +a O a O +lecture O lecture O +each O each O +semester O semester O +. O . O + +The O The O +contents O contents O +basically O basically O +stay O stay O +the O the O +same O same O +, O , O +but O but O +only O only O +a O a O +subset O subset O +of O of O +the O the O +content O content O +is O is O +used O used O +each O each O +semester O semester O +. O . O + +Defines O Defines O +are O are O +used O used O +to O to O +set O set O +which O which O +parts O parts O +should O should O +be O be O +compiled O compiled O +and O and O +which O which O +not O not O +. O . O + +In O In O +one O one O +part O part O +of O of O +the O the O +document O document O +a O a O +list O list O +of O of O +the O the O +options O options O +is O is O +compiled O compiled O +in O in O +a O a O +tabular O tabular O +in O in O +the O the O +following O following O +form O form O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6417 I-Code_Block Q_6417 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +So O So O +all O all O +options O options O +that O that O +are O are O +chosen O chosen O +via O via O +defines O defines O +are O are O +listed O listed O +in O in O +the O the O +table B-User_Interface_Element table O +as O as O +a O a O +row B-User_Interface_Element row O +. O . O + +The O The O +problem O problem O +that O that O +occurs O occurs O +is O is O +that O that O +the O the O +& B-Value & B-Code_Block +character O character O +seems O seems O +to O to O +break O break O +the O the O +\ifdefined B-Code_Block \ifdefined B-Code_Block +and O and O +is O is O +treated O treated O +as O as O +a O a O +\fi B-Code_Block \fi B-Code_Block +. O . O + +An O An O +Incomplete B-Error_Name Incomplete B-Code_Block +\ifdefined I-Error_Name \ifdefined I-Code_Block +error O error O +is O is O +thrown O thrown O +. O . O + +I O I O +worked O worked O +around O around O +this O this O +by O by O +defining O defining O +a O a O +command O command O +that O that O +just O just O +outputs O outputs O +the O the O +& B-Value & B-Code_Block +char B-Data_Type char O +. O . O + +But O But O +there O there O +sure O sure O +is O is O +a O a O +better O better O +way O way O +. O . O + +Note O Note O +that O that O +I O I O +am O am O +working O working O +on O on O +someone O someone O +elses O elses O +document O document O +and O and O +cannot O cannot O +just O just O +change O change O +the O the O +whole O whole O +structure O structure O +and O and O +the O the O +use O use O +of O of O +defines O defines O +to O to O +reach O reach O +this O this O +specific O specific O +goal O goal O +. O . O + +Question_ID O Question_ID O +: O : O +8748294 O 8748294 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8748294/ O https://stackoverflow.com/questions/8748294/ O + + +I O I O +tried O tried O +to O to O +use O use O +it O it O +. O . O + +And O And O +it O it O +'s O 's O +really O really O +nice O nice O +for O for O +some O some O +Plots B-User_Interface_Element Plots O +, O , O +but O but O +when O when O +its O its O +about O about O +making O making O +for O for O +example O example O +a O a O +triangle B-User_Interface_Element triangle O +I O I O +found O found O +it O it O +quite O quite O +complicated O complicated O +. O . O + +I O I O +figured O figured O +out O out O +how O how O +to O to O +draw O draw O +a O a O +triangle B-User_Interface_Element triangle O +but O but O +how O how O +to O to O +add O add O +that O that O +angle B-User_Interface_Element angle O +marks I-User_Interface_Element marks O +, O , O +those O those O +curved B-User_Interface_Element curved O +lines I-User_Interface_Element lines O +? O ? O + +And O And O +since O since O +I O I O +'m O 'm O +beginner O beginner O +into O into O +this O this O +job O job O +, O , O +of O of O +writing O writing O +a O a O +book O book O +, O , O +can O can O +anyone O anyone O +recommend O recommend O +me O me O +which O which O +is O is O +the O the O +best O best O +way O way O +to O to O +accomplish O accomplish O +good O good O +looking O looking O +graphics O graphics O +, O , O +for O for O +example O example O +as O as O +in O in O +the O the O +picture B-User_Interface_Element picture O +below O below O +. O . O + +Which O Which O +programs O programs O +are O are O +best O best O +to O to O +use O use O +. O . O + +Thanks O Thanks O +for O for O +any O any O +suggestions O suggestions O +and O and O +recommendations O recommendations O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8748294 O 8748294 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8748294/ O https://stackoverflow.com/questions/8748294/ O + + +Here O Here O +is O is O +a O a O +simple/basic O simple/basic O +way O way O +to O to O +do O do O +the O the O +first O first O +one O one O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1068 I-Code_Block A_1068 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +following O following O +is O is O +the O the O +exact O exact O +same O same O +thing O thing O +, O , O +but O but O +wrapped O wrapped O +in O in O +Manipulate B-Class Manipulate B-Code_Block +and O and O +parameterized O parameterized O +on O on O +the O the O +angle O angle O +alpha B-Variable alpha B-Code_Block +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1069 I-Code_Block A_1069 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +you O you O +move O move O +the O the O +slider B-User_Interface_Element slider O +, O , O +the O the O +content O content O +will O will O +change O change O +accordingly O accordingly O +: O : O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +8748294 O 8748294 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/8748294/ O https://stackoverflow.com/questions/8748294/ O + + +Edit O Edit O +You O You O +can O can O +get O get O +inspiration O inspiration O +from O from O +the O the O +Demonstrations O Demonstrations O +project O project O +too O too O +. O . O + +These O These O +are O are O +the O the O +triangle-related B-User_Interface_Element triangle-related O +demonstrations O demonstrations O +. O . O + +After O After O +taking O taking O +a O a O +quick O quick O +look O look O +, O , O +I O I O +think O think O +you O you O +should O should O +see O see O +the O the O +geometry-related O geometry-related O +demonstrations O demonstrations O +by O by O +Jay B-User_Name Jay O +Warendorff I-User_Name Warendorff O +. O . O + +He O He O +has O has O +made O made O +a O a O +lot O lot O +of O of O +these O these O +, O , O +and O and O +they O they O +use O use O +a O a O +structured O structured O +set O set O +of O of O +geometry-related O geometry-related O +functions O functions O +that O that O +you O you O +most O most O +likely O likely O +can O can O +reuse O reuse O +. O . O + +Here O Here O +'s O 's O +an O an O +angleArc B-Function angleArc B-Code_Block +function O function O +to O to O +get O get O +you O you O +started O started O +. O . O + +This O This O +is O is O +just O just O +a O a O +small O small O +example O example O +of O of O +a O a O +helper O helper O +function O function O +you O you O +could O could O +use O use O +, O , O +there O there O +'s O 's O +a O a O +lot O lot O +of O of O +room O room O +for O for O +improvement O improvement O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1066 I-Code_Block A_1066 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1067 I-Code_Block A_1067 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +15566370 O 15566370 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15566370/ O https://stackoverflow.com/questions/15566370/ O + + +I O I O +want O want O +to O to O +create O create O +a O a O +hierarchial O hierarchial O +array B-Data_Structure array O +from O from O +the O the O +single O single O +dimensional O dimensional O +array B-Data_Structure array O +obtained O obtained O +from O from O +database O database O +. O . O + +Language O Language O +is O is O +PHP B-Language PHP O +. O . O + +In O In O +the O the O +below O below O +mentioned O mentioned O +example O example O +key O key O +id B-Variable id O +-3 B-Value -3 O +indicates O indicates O +that O that O +it O it O +is O is O +the O the O +root O root O +node O node O +. O . O + +Input O Input O +Data O Data O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1525 I-Code_Block Q_1525 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Output O Output O +expected O expected O +data O data O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1526 I-Code_Block Q_1526 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +15566370 O 15566370 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15566370/ O https://stackoverflow.com/questions/15566370/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2014 I-Code_Block A_2014 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +trick O trick O +is O is O +to O to O +use O use O +&$a O &$a O +notation O notation O +which O which O +gives O gives O +us O us O +references O references O +instead O instead O +of O of O +variable O variable O +copies O copies O +. O . O + +Basically O Basically O +non-root O non-root O +nodes O nodes O +are O are O +attached O attached O +to O to O +the O the O +parents O parents O +, O , O +and O and O +root O root O +nodes O nodes O +go O go O +to O to O +result O result O +array B-Data_Structure array O +. O . O + +Question_ID O Question_ID O +: O : O +29431129 O 29431129 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29431129/ O https://stackoverflow.com/questions/29431129/ O + + +I O I O +have O have O +the O the O +following O following O +update O update O +query O query O +that O that O +works O works O +in O in O +design O design O +mode O mode O +of O of O +Access B-Application Access O +. O . O + +I O I O +have O have O +inserted O inserted O +it O it O +into O into O +a O a O +VBA B-Language VBA O +procedure O procedure O +and O and O +want O want O +to O to O +update O update O +the O the O +recordset B-Data_Structure recordset O +with O with O +the O the O +windows O windows O +ID O ID O +of O of O +the O the O +user O user O +by O by O +declaring O declaring O +this O this O +as O as O +a O a O +variable O variable O +- O - O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3502 I-Code_Block Q_3502 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +My O My O +problem O problem O +is O is O +when O when O +I O I O +click O click O +the O the O +command B-User_Interface_Element command O +button I-User_Interface_Element button O +to O to O +run O run O +the O the O +procedure O procedure O +a O a O +message B-User_Interface_Element message O +box I-User_Interface_Element box O +appears O appears O +with O with O +my O my O +Windows O Windows O +ID O ID O +as O as O +the O the O +title O title O +and O and O +it O it O +asks O asks O +to O to O +' B-Output_Block ' O +Enter I-Output_Block Enter O +a I-Output_Block a O +Parameter I-Output_Block Parameter O +Value I-Output_Block Value O +' B-Output_Block ' O +instead O instead O +of O of O +inserting O inserting O +it O it O +directly O directly O +to O to O +the O the O +table B-Data_Structure table O +. O . O + +I O I O +am O am O +not O not O +sure O sure O +but O but O +it O it O +seems O seems O +the O the O +SQL B-Language SQL O +statement O statement O +is O is O +incorrect O incorrect O +as O as O +the O the O +windows O windows O +ID O ID O +is O is O +not O not O +being O being O +picked O picked O +up O up O +as O as O +a O a O +variable O variable O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +29431129 O 29431129 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/29431129/ O https://stackoverflow.com/questions/29431129/ O + + +Add O Add O +quotes O quotes O +around O around O +the O the O +user O user O +name O name O +value O value O +so O so O +the O the O +db B-Application db O +engine I-Application engine O +will O will O +interpret O interpret O +it O it O +as O as O +a O a O +literal O literal O +text O text O +string B-Data_Type string O +instead O instead O +of O of O +a O a O +parameter O parameter O +name O name O +. O . O + +That O That O +change O change O +should O should O +resolve O resolve O +your O your O +immediate O immediate O +issue O issue O +. O . O + +Beyond O Beyond O +that O that O +, O , O +include O include O +spaces O spaces O +before O before O +WHERE B-Code_Block WHERE B-Code_Block +and O and O +AND B-Code_Block AND B-Code_Block +. O . O + +Also O Also O +execute O execute O +the O the O +query O query O +with O with O +DAO B-Application DAO O +'s O 's O +Execute B-Function Execute B-Code_Block +method O method O +and O and O +include O include O +the O the O +dbFailOnError B-Variable dbFailOnError O +option O option O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4165 I-Code_Block A_4165 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +31853974 O 31853974 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31853974/ O https://stackoverflow.com/questions/31853974/ O + + +Imagine O Imagine O +code O code O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3851 I-Code_Block Q_3851 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Regarding O Regarding O +the O the O +fact O fact O +that O that O +the O the O +logical O logical O +branching O branching O +is O is O +by O by O +standard O standard O +ensured O ensured O +to O to O +be O be O +evaluated O evaluated O +from O from O +left O left O +to O to O +right O right O +and O and O +and O and O +says O says O +regarding O regarding O +the O the O +conditional O conditional O +& B-Code_Block & B-Code_Block +it O it O +breaks O breaks O +as O as O +soon O soon O +as O as O +one O one O +condition O condition O +is O is O +false B-Value false O +, O , O +Is O Is O +there O there O +any O any O +rule O rule O +that O that O +would O would O +make O make O +this O this O +snippet O snippet O +invalid O invalid O +? O ? O + +I O I O +know O know O +there O there O +are O are O +more O more O +efficent O efficent O +and O and O +even O even O +better O better O +to O to O +retrace O retrace O +ways O ways O +, O , O +but O but O +I O I O +'m O 'm O +specially O specially O +interested O interested O +in O in O +: O : O + +does O does O +the O the O +interupt O interupt O +condition O condition O +of O of O +the O the O +do/while B-Code_Block do/while B-Code_Block +loop O loop O +prevent O prevent O +from O from O +invoking O invoking O +undefined O undefined O +behavior O behavior O +through O through O +the O the O +rule O rule O +about O about O +using O using O +pointer B-Data_Type pointer O +arithmetic O arithmetic O +that O that O +results O results O +in O in O +a O a O +pointer B-Data_Type pointer O +leaving O leaving O +the O the O +bounds O bounds O +or O or O +more O more O +as O as O +1 O 1 O +past O past O +the O the O +array B-Data_Structure array O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +31853974 O 31853974 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31853974/ O https://stackoverflow.com/questions/31853974/ O + + +After O After O +this O this O +loop O loop O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4561 I-Code_Block A_4561 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +ActingPointer B-Variable ActingPointer B-Code_Block +ends O ends O +up O up O +being O being O +equal O equal O +to O to O +OriginPointer B-Variable OriginPointer B-Code_Block ++ O + I-Code_Block +SOME_GIVEN_AMOUNT B-Variable SOME_GIVEN_AMOUNT I-Code_Block +, O , O +which O which O +is O is O +ok O ok O +as O as O +a O a O +pointer B-Data_Type pointer O +( O ( O +as O as O +it O it O +points O points O +to O to O +one O one O +element O element O +past O past O +the O the O +end O end O +) O ) O +, O , O +but O but O +writing O writing O +to O to O +it O it O +in O in O +the O the O +first O first O +iteration O iteration O +of O of O +the O the O +do B-Code_Block do B-Code_Block +loop O loop O +is O is O +undefined O undefined O +behaviour O behaviour O +. O . O + +If O If O +ActingPointer B-Variable ActingPointer B-Code_Block +is O is O +decremented O decremented O +before O before O +the O the O +do B-Code_Block do B-Code_Block +loop O loop O +, O , O +everything O everything O +is O is O +fine O fine O +. O . O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Yes O Yes O +, O , O +because O because O +it O it O +starts O starts O +at O at O +1 B-Value 1 O +past O past O +the O the O +array B-Data_Structure array O +, O , O +and O and O +is O is O +not O not O +decremented O decremented O +below O below O +the O the O +start O start O +of O of O +the O the O +array B-Data_Structure array O +. O . O + +Question_ID O Question_ID O +: O : O +21153309 O 21153309 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21153309/ O https://stackoverflow.com/questions/21153309/ O + + +I O I O +made O made O +a O a O +ajax B-Function ajax O +call O call O +from O from O +my O my O +jsp B-Application jsp O +to O to O +servlet B-Application servlet O +. O . O + +when O when O +I O I O +want O want O +to O to O +return O return O +string B-Data_Type string O +then O then O +it O it O +is O is O +working O working O +fine O fine O +. O . O + +But O But O +I O I O +want O want O +to O to O +send O send O +response O response O +as O as O +a O a O +String B-Data_Type String O +array B-Data_Structure array O +then O then O +its O its O +not O not O +working O working O +. O . O + +Is O Is O +it O it O +possible O possible O +that O that O +I O I O +can O can O +send O send O +string B-Data_Type string O +array B-Data_Structure array O +from O from O +servlet B-Application servlet O +as O as O +a O a O +ajax B-Function ajax O +response O response O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2257 I-Code_Block Q_2257 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21153309 O 21153309 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21153309/ O https://stackoverflow.com/questions/21153309/ O + + +Send O Send O +the O the O +ajax B-Function ajax O +response O response O +in O in O +json B-File_Type json O +format O format O +by O by O +encoding O encoding O +the O the O +array B-Data_Structure array O +in O in O +json B-File_Type json O +and O and O +return O return O +it O it O +. O . O + +You O You O +can O can O +use O use O +Gson B-Library Gson O +and O and O +then O then O +encode O encode O +your O your O +array B-Data_Structure array O +like O like O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2835 I-Code_Block A_2835 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +on O on O +the O the O +Javascript B-Language Javascript O +end O end O +, O , O +you O you O +can O can O +access O access O +it O it O +as O as O +a O a O +json B-File_Type json O +object O object O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2836 I-Code_Block A_2836 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21153309 O 21153309 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21153309/ O https://stackoverflow.com/questions/21153309/ O + + +Write O Write O +it O it O +out O out O +to O to O +JSON B-File_Type JSON O +instead O instead O +. O . O + +Javascript B-Language Javascript O +ca O ca O +n't O n't O +understand O understand O +the O the O +result O result O +of O of O +a O a O +Java B-Language Java O +array B-Data_Structure array O +'s O 's O +toString() B-Function toString() O +method O method O +( O ( O +[ B-Code_Block [ B-Code_Block +Ljava.lang.String I-Code_Block Ljava.lang.String I-Code_Block +; I-Code_Block ; I-Code_Block +@5527f4f9 I-Code_Block @5527f4f9 I-Code_Block +) O ) O +, O , O +but O but O +I O I O +know O know O +it O it O +can O can O +understand O understand O +JSON B-File_Type JSON O +. O . O + +If O If O +you O you O +'re O 're O +only O only O +ever O ever O +going O going O +to O to O +be O be O +using O using O +a O a O +string B-Data_Type string O +array B-Data_Structure array O +and O and O +you O you O +do O do O +n't O n't O +want O want O +to O to O +use O use O +any O any O +more O more O +libraries O libraries O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2834 I-Code_Block A_2834 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Depending O Depending O +on O on O +what O what O +Javascript B-Language Javascript O +framework O framework O +you O you O +'re O 're O +using O using O +on O on O +your O your O +client-side B-Application client-side O +, O , O +your O your O +JSON B-File_Type JSON O +will O will O +be O be O +available O available O +as O as O +the O the O +xmlHttpRequestObject.responseText B-Variable xmlHttpRequestObject.responseText B-Code_Block +. O . O + +AngularJS B-Library AngularJS O +stores O stores O +it O it O +in O in O +the O the O +$http.get().success B-Function $http.get().success B-Code_Block +method O method O +'s O 's O +first O first O +data B-Variable data B-Code_Block +parameter O parameter O +. O . O + +jQuery B-Library jQuery O +stores O stores O +it O it O +in O in O +the O the O +$.ajax({success}) B-Function $.ajax({success}) B-Code_Block +method O method O +'s O 's O +first O first O +data B-Variable data B-Code_Block +parameter O parameter O +. O . O + +Angular B-Library Angular O +and O and O +jQuery B-Library jQuery O +automatically O automatically O +validate O validate O +and O and O +eval B-Function eval B-Code_Block +it O it O +to O to O +an O an O +[ B-Code_Block [ B-Code_Block +object I-Code_Block object I-Code_Block +Object I-Code_Block Object I-Code_Block +] I-Code_Block ] I-Code_Block +for O for O +you O you O +, O , O +but O but O +xmlHttpRequestObject.responseText B-Variable xmlHttpRequestObject.responseText B-Code_Block +does O does O +n't O n't O +. O . O + +Question_ID O Question_ID O +: O : O +37988241 O 37988241 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37988241/ O https://stackoverflow.com/questions/37988241/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +compare O compare O +two O two O +values O values O +from O from O +a O a O +dual O dual O +input O input O +range O range O +slider B-User_Interface_Element slider O +. O . O + +If O If O +the O the O +bottom O bottom O +value O value O +is O is O +equal O equal O +or O or O +greater O greater O +than O than O +the O the O +top O top O +value O value O +, O , O +I O I O +want O want O +to O to O +return O return O +false B-Value false B-Code_Block +. O . O + +This O This O +is O is O +to O to O +prevent O prevent O +overlap O overlap O +between O between O +the O the O +two O two O +thumbs O thumbs O +. O . O + +I O I O +have O have O +used O used O +.change B-Function .change B-Code_Block +to O to O +listen O listen O +for O for O +changes O changes O +. O . O + +I O I O +can O can O +then O then O +console.log B-Function console.log B-Code_Block +& O & O +return O return O +the O the O +value O value O +after O after O +it O it O +'s O 's O +been O been O +updated O updated O +. O . O + +I O I O +have O have O +included O included O +the O the O +last O last O +bit O bit O +of O of O +code O code O +in O in O +the O the O +hope O hope O +for O for O +help O help O +. O . O + +You O You O +can O can O +see O see O +an O an O +full O full O +almost O almost O +working O working O +version O version O +here O here O +: O : O + +https://fiddle.jshell.net/elliottjb7/fj9ot08v/ O https://fiddle.jshell.net/elliottjb7/fj9ot08v/ O + +Thanks O Thanks O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4783 I-Code_Block Q_4783 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37988241 O 37988241 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37988241/ O https://stackoverflow.com/questions/37988241/ O + + +this O this O +line O line O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5470 I-Code_Block A_5470 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +should O should O +be O be O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5471 I-Code_Block A_5471 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +37988241 O 37988241 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/37988241/ O https://stackoverflow.com/questions/37988241/ O + + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5473 I-Code_Block A_5473 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +does O does O +the O the O +correct O correct O +check O check O +where O where O +bottom O bottom O +is O is O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Also O Also O +, O , O +the O the O +first O first O +2 O 2 O +functions O functions O +(.change()) B-Function (.change()) B-Code_Block +are O are O +quite O quite O +redundant O redundant O +for O for O +what O what O +you O you O +are O are O +trying O trying O +to O to O +achieve O achieve O +but O but O +I O I O +'ve O 've O +included O included O +a O a O +better O better O +way O way O +to O to O +write O write O +them O them O + +Question_ID O Question_ID O +: O : O +45388593 O 45388593 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45388593/ O https://stackoverflow.com/questions/45388593/ O + + +I O I O +have O have O +8-10 O 8-10 O +classes O classes O +that O that O +extends O extends O +JPanel B-Class JPanel B-Code_Block +. O . O + +Each O Each O +of O of O +them O them O +have O have O +unique O unique O +look O look O +and O and O +all O all O +kind O kind O +of O of O +listeners O listeners O +. O . O + +I O I O +create O create O +a O a O +GameWindow B-Class GameWindow B-Code_Block +class O class O +that O that O +extends O extends O +JFrame B-Class JFrame B-Code_Block +and O and O +add O add O +those O those O +panels O panels O +to O to O +GameWindow B-Class GameWindow B-Code_Block +. O . O + +For O For O +example O example O +, O , O +in O in O +MainMenuPanel B-Class MainMenuPanel B-Code_Block +, O , O +if O if O +user O user O +click O click O +a O a O +certain O certain O +label O label O +or O or O +button B-User_Interface_Element button O +, O , O +user O user O +should O should O +be O be O +directed O directed O +another O another O +panel B-User_Interface_Element panel O +. O . O + +I O I O +am O am O +using O using O +only O only O +one O one O +frame O frame O +to O to O +see O see O +changes O changes O +. O . O + +So O So O +how O how O +can O can O +I O I O +change O change O +between O between O +panels B-User_Interface_Element panels O +and O and O +see O see O +its O its O +effects O effects O +on O on O +GameWindow B-Class GameWindow B-Code_Block +frame O frame O +? O ? O + +Question_ID O Question_ID O +: O : O +45873518 O 45873518 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45873518/ O https://stackoverflow.com/questions/45873518/ O + + +When O When O +I O I O +deploy O deploy O +the O the O +Tomcat B-Application Tomcat O +project O project O +, O , O +the O the O +console B-Application console O +shows O shows O +the O the O +error O error O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6013 I-Code_Block Q_6013 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +spent O spent O +several O several O +days O days O +working O working O +on O on O +it O it O +and O and O +did O did O +not O not O +find O find O +a O a O +solution O solution O +to O to O +the O the O +problem O problem O +, O , O +so O so O +I O I O +hope O hope O +to O to O +be O be O +able O able O +to O to O +get O get O +help O help O +, O , O +thank O thank O +you O you O +very O very O +much O much O +! O ! O + +This O This O +is O is O +the O the O +configuration O configuration O +file O file O +beans.xml B-File_Name beans.xml O +: O : O + +Question_ID O Question_ID O +: O : O +45678629 O 45678629 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/45678629/ O https://stackoverflow.com/questions/45678629/ O + + +I O I O +'ve O 've O +noticed O noticed O +a O a O +common O common O +bug O bug O +with O with O +browser B-Application browser O +back B-User_Interface_Element back O +button I-User_Interface_Element button O +usage O usage O +on O on O +my O my O +web O web O +app O app O +where O where O +hitting O hitting O +the O the O +back B-User_Interface_Element back O +button I-User_Interface_Element button O +after O after O +logout O logout O +loads O loads O +a O a O +cached O cached O +page B-User_Interface_Element page O +where O where O +the O the O +user O user O +appears O appears O +logged O logged O +in O in O +( O ( O +though O though O +they O they O +are O are O +n't O n't O +actually O actually O +) O ) O +. O . O + +I O I O +found O found O +a O a O +lot O lot O +of O of O +helpful O helpful O +questions O questions O +with O with O +helpful O helpful O +answers O answers O +and O and O +employed O employed O +the O the O +fixes O fixes O +folks O folks O +suggested O suggested O +, O , O +including O including O +every O every O +combination O combination O +of O of O +suggested O suggested O +Cache-Control B-Library Cache-Control O +options O options O +in O in O +the O the O +header B-User_Interface_Element header O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5983 I-Code_Block Q_5983 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +the O the O +header B-User_Interface_Element header O +works O works O +on O on O +most O most O +browsers B-Application browsers O +, O , O +even O even O +with O with O +just O just O +no-cache B-Function no-cache O +and O and O +no-store B-Function no-store O +, O , O +but O but O +no O no O +header B-User_Interface_Element header O +options O options O +solve O solve O +this O this O +on O on O +Safari B-Application Safari O +. O . O + +Sure O Sure O +enough O enough O +, O , O +the O the O +most O most O +reliable O reliable O +way O way O +I O I O +can O can O +find O find O +to O to O +resolve O resolve O +this O this O +for O for O +Safari B-Application Safari O +is O is O +to O to O +use O use O +some O some O +javascript B-Language javascript O +as O as O +such O such O +which O which O +forces O forces O +a O a O +reload O reload O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5984 I-Code_Block Q_5984 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +javascript B-Language javascript O +block O block O +above O above O +does O does O +work O work O +, O , O +but O but O +only O only O +if O if O +the O the O +user O user O +does O does O +n't O n't O +disable O disable O +javascript B-Language javascript O +via O via O +Safari B-Application Safari O +-> O -> O +Preferences O Preferences O +-> O -> O +Security O Security O +and O and O +subsequently O subsequently O +hit O hit O +the O the O +back B-User_Interface_Element back O +button I-User_Interface_Element button O +. O . O + +It O It O +'s O 's O +very O very O +much O much O +an O an O +edge O edge O +case O case O +, O , O +but O but O +I O I O +'m O 'm O +kind O kind O +of O of O +fascinated O fascinated O +that O that O +such O such O +a O a O +popular O popular O +browser B-Application browser O +makes O makes O +such O such O +a O a O +trivial O trivial O +bug O bug O +this O this O +tricky O tricky O +! O ! O + +If O If O +anybody O anybody O +has O has O +found O found O +a O a O +way O way O +to O to O +make O make O +Safari B-Application Safari O +play O play O +nice O nice O +without O without O +javascript B-Language javascript O +I O I O +'d O 'd O +love O love O +to O to O +hear O hear O +how O how O +. O . O + +Thanks O Thanks O +all O all O +in O in O +advance O advance O +! O ! O + +Question_ID O Question_ID O +: O : O +30052561 O 30052561 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30052561/ O https://stackoverflow.com/questions/30052561/ O + + +I O I O +am O am O +newbie O newbie O +to O to O +ember.js B-Library ember.js O +and O and O +node.I O node.I O +want O want O +to O to O +send O send O +email O email O +using O using O +mailgun B-Library mailgun O +in O in O +an O an O +ember.js B-Library ember.js O +app O app O +, O , O +but O but O +ca O ca O +n't O n't O +find O find O +a O a O +way O way O +to O to O +do O do O +that O that O +. O . O + +Found O Found O +mailgun-js B-Library mailgun-js O +package O package O +but O but O +do O do O +not O not O +how O how O +to O to O +connect O connect O +this O this O +package O package O +with O with O +ember.js B-Library ember.js O +using O using O +express O express O +. O . O + +Or O Or O +if O if O +there O there O +is O is O +any O any O +way O way O +that O that O +i O i O +could O could O +call O call O +a O a O +parse-cloud O parse-cloud O +function O function O +in O in O +ember B-Library ember O +controller O controller O +to O to O +send O send O +mail O mail O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30052561 O 30052561 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30052561/ O https://stackoverflow.com/questions/30052561/ O + + +Ember B-Library Ember O +runs O runs O +in O in O +the O the O +browser B-Application browser O +while O while O +sending O sending O +email O email O +is O is O +done O done O +( O ( O +or O or O +: O : O +should O should O +under O under O +most O most O +circumstances O circumstances O +be O be O +done O done O +) O ) O +on O on O +the O the O +server B-Application server O +. O . O + +express B-Code_Block express B-Code_Block +and O and O +mailgun-js B-Library mailgun-js B-Code_Block +hint O hint O +at O at O +that O that O +that O that O +'s O 's O +what O what O +you O you O +really O really O +want O want O +to O to O +do O do O +( O ( O +as O as O +they O they O +are O are O +server-side B-Application server-side O +node O node O +modules O modules O +) O ) O +. O . O + +You O You O +'d O 'd O +have O have O +to O to O +hook O hook O +the O the O +mail-sending O mail-sending O +into O into O +the O the O +REST B-Library REST O +backend O backend O +on O on O +the O the O +server B-Application server O +or O or O +provide O provide O +it O it O +as O as O +an O an O +extra O extra O +service O service O +that O that O +you O you O +might O might O +access O access O +through O through O +a O a O +jQuery-Ajax-Call B-Library jQuery-Ajax-Call O +from O from O +your O your O +ember B-Library ember O +app O app O +. O . O + +Question_ID O Question_ID O +: O : O +43222356 O 43222356 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43222356/ O https://stackoverflow.com/questions/43222356/ O + + +I O I O +have O have O +a O a O +WPF B-Library WPF O +DataGrid B-Class DataGrid O +with O with O +the O the O +following O following O +definition O definition O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5524 I-Code_Block Q_5524 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +allows O allows O +me O me O +to O to O +have O have O +the O the O +user O user O +selected O selected O +a O a O +" O " O +region O region O +" O " O +of O of O +cells O cells O +. O . O + +The O The O +DataGrid B-Class DataGrid O +is O is O +bound O bound O +to O to O +an O an O +observable O observable O +collection O collection O +. O . O + +The O The O +XAML B-Language XAML O +column B-User_Interface_Element column O +definitions O definitions O +have O have O +some O some O +columns B-User_Interface_Element columns O +hidden O hidden O +, O , O +some O some O +visible O visible O +like O like O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5525 I-Code_Block Q_5525 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +also O also O +have O have O +a O a O +Right O Right O +Mouse B-Device Mouse O +Button I-Device Button O +context B-User_Interface_Element context O +menu I-User_Interface_Element menu O +defined O defined O +for O for O +the O the O +DataGrid B-Class DataGrid O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5526 I-Code_Block Q_5526 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +would O would O +like O like O +to O to O +be O be O +able O able O +to O to O +Click O Click O +, O , O +Drag O Drag O +and O and O +Drop O Drop O +a O a O +copy O copy O +of O of O +the O the O +currently O currently O +selected O selected O +cells B-User_Interface_Element cells O +into O into O +an O an O +external O external O +application O application O +. O . O + +I O I O +was O was O +thinking O thinking O +of O of O +using O using O +the O the O +combination O combination O +of O of O +pressing O pressing O +the O the O +" O " O +Alt B-Keyboard_IP Alt O +Key O Key O +" O " O +and O and O +Left O Left O +Mouse B-Device Mouse O +Button I-Device Button O +click O click O +to O to O +initiate O initiate O +the O the O +DragDrop B-Class DragDrop O +operation O operation O +. O . O + +For O For O +example O example O +, O , O +consider O consider O +the O the O +" O " O +irregular O irregular O +" O " O +selection O selection O +of O of O +cells B-User_Interface_Element cells O +in O in O +the O the O +DataGrid B-Class DataGrid O +: O : O + +I O I O +am O am O +unclear O unclear O +on O on O +how O how O +to O to O +proceed O proceed O +and O and O +have O have O +several O several O +questions O questions O +regarding O regarding O +this O this O +: O : O + +1) O 1) O +What O What O +events O events O +do O do O +I O I O +override O override O +so O so O +that O that O +the O the O +/Left O /Left O +Mouse B-Device Mouse O +click O click O +do O do O +not O not O +affect O affect O +the O the O +currently O currently O +selected O selected O +cells B-User_Interface_Element cells O +? O ? O + +2) O 2) O +How O How O +do O do O +I O I O +determine O determine O +whether O whether O +the O the O +Left O Left O +Mouse B-Device Mouse O +Button I-Device Button O +click O click O +is O is O +occurring O occurring O +within O within O +a O a O +region O region O +of O of O +selected O selected O +cells B-User_Interface_Element cells O +? O ? O + +How O How O +do O do O +I O I O +handle O handle O +the O the O +data O data O +piece O piece O +? O ? O + +3) O 3) O +Once O Once O +I O I O +'ve O 've O +determined O determined O +the O the O +above O above O +, O , O +what O what O +is O is O +the O the O +next O next O +step O step O +? O ? O + +Do O Do O +copy O copy O +data O data O +into O into O +the O the O +clipboard B-Application clipboard O +for O for O +use O use O +on O on O +the O the O +external O external O +drop O drop O +? O ? O + +4) O 4) O +What O What O +events O events O +( O ( O +if O if O +any O any O +) O ) O +do O do O +I O I O +need O need O +to O to O +override O override O +on O on O +the O the O +DataGrid B-Class DataGrid O +in O in O +order O order O +for O for O +this O this O +to O to O +work O work O +? O ? O + +Thanks O Thanks O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43222356 O 43222356 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43222356/ O https://stackoverflow.com/questions/43222356/ O + + +the O the O +basic O basic O +events O events O +to O to O +drag O drag O +and O and O +drop O drop O +are O are O +: O : O +events O events O +to O to O +drag O drag O +and O and O +drop O drop O + +Specially O Specially O +the O the O +DragLeave B-Function DragLeave O +and O and O +Drop B-Function Drop O +to O to O +do O do O +what O what O +you O you O +want O want O +. O . O + +Then O Then O +you O you O +need O need O +to O to O +control O control O +( O ( O +delete/add O delete/add O +) O ) O +the O the O +GridData B-Class GridData O +property O property O +from O from O +your O your O +VM B-Application VM O +to O to O +search O search O +and O and O +move O move O +the O the O +values O values O +. O . O + +I O I O +strongly O strongly O +recommend O recommend O +3rd O 3rd O +party O party O +like O like O +Telerik B-Application Telerik O +to O to O +do O do O +it O it O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +43222356 O 43222356 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/43222356/ O https://stackoverflow.com/questions/43222356/ O + + +Here O Here O +is O is O +your O your O +complete O complete O +answer O answer O +I O I O +believe O believe O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6280 I-Code_Block A_6280 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Here O Here O +you O you O +need O need O +to O to O +have O have O +the O the O +shift B-Keyboard_IP shift O +key O key O +down O down O +to O to O +signal O signal O +the O the O +drag O drag O +. O . O + +This O This O +is O is O +needed O needed O +to O to O +disambiguate O disambiguate O +the O the O +click O click O +and O and O +drag O drag O +that O that O +is O is O +used O used O +in O in O +the O the O +DataGrid B-Class DataGrid O +to O to O +select O select O +cells B-User_Interface_Element cells O +. O . O + +You O You O +might O might O +use O use O +some O some O +other O other O +mechanism O mechanism O +such O such O +as O as O +context O context O +menu B-User_Interface_Element menu O +item O item O +. O . O + +The O The O +clipboard B-Application clipboard O +is O is O +key O key O +to O to O +any O any O +drag O drag O +and O and O +drop O drop O +operation O operation O +. O . O + +What O What O +you O you O +are O are O +doing O doing O +is O is O +putting O putting O +data O data O +on O on O +the O the O +clipboard B-Application clipboard O +in O in O +various O various O +formats O formats O +that O that O +the O the O +target O target O +of O of O +the O the O +drop O drop O +will O will O +recognize O recognize O +. O . O + +In O In O +this O this O +example O example O +only O only O +plain O plain O +text O text O +is O is O +used O used O +. O . O + +But O But O +you O you O +might O might O +want O want O +to O to O +create O create O +rich B-File_Type rich O +text I-File_Type text O +or O or O +HTML B-File_Type HTML O +or O or O +any O any O +number O number O +of O of O +other O other O +formats O formats O +. O . O + +The O The O +external O external O +application O application O +you O you O +are O are O +dropping O dropping O +on O on O +must O must O +be O be O +registered O registered O +as O as O +a O a O +drop O drop O +target O target O +. O . O + +You O You O +cannot O cannot O +force O force O +the O the O +other O other O +app O app O +to O to O +respond O respond O +to O to O +the O the O +drop O drop O +... O ... O +it O it O +must O must O +be O be O +listening O listening O +for O for O +it O it O +. O . O + +So O So O +this O this O +example O example O +will O will O +work O work O +with O with O +Word B-Application Word O +and O and O +Excel B-Application Excel O +. O . O + +It O It O +will O will O +not O not O +work O work O +with O with O +Notepad B-Application Notepad O +. O . O + +I O I O +believe O believe O +all O all O +4 O 4 O +items O items O +are O are O +satisfied O satisfied O +: O : O + +Override O Override O +the O the O +preview B-Function preview O +mouse I-Function mouse O +down I-Function down O +event O event O +. O . O + +The O The O +original O original O +source O source O +of O of O +the O the O +mouse B-Device mouse O +event O event O +comes O comes O +from O from O +the O the O +data B-Class data O +grid I-Class grid O +cell B-User_Interface_Element cell O +. O . O + +If O If O +the O the O +cell B-User_Interface_Element cell O +is O is O +selected O selected O +then O then O +you O you O +are O are O +within O within O +the O the O +block O block O +of O of O +cells B-User_Interface_Element cells O +that O that O +is O is O +selected O selected O +. O . O + +For O For O +the O the O +selected O selected O +cells B-User_Interface_Element cells O +, O , O +gather O gather O +the O the O +data O data O +from O from O +the O the O +bindings O bindings O +and O and O +organize O organize O +into O into O +a O a O +grid B-User_Interface_Element grid O +. O . O + +As O As O +a O a O +baseline O baseline O +use O use O +plain O plain O +text O text O +but O but O +optionally O optionally O +add O add O +other O other O +formats O formats O +as O as O +well O well O +. O . O + +Use O Use O +the O the O +DragDrop B-Class DragDrop O +class O class O +to O to O +actually O actually O +implement O implement O +the O the O +drag O drag O +and O and O +drop O drop O +. O . O + +Override O Override O +preview B-Function preview O +mouse I-Function mouse O +down I-Function down O +. O . O + +Question_ID O Question_ID O +: O : O +48931998 O 48931998 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48931998/ O https://stackoverflow.com/questions/48931998/ O + + +I O I O +'ve O 've O +seen O seen O +examples O examples O +using O using O +crc B-Function crc O +, O , O +but O but O +the O the O +examples O examples O +I O I O +'ve O 've O +got O got O +my O my O +head O head O +round O round O +work O work O +with O with O +generating O generating O +a O a O +checksum O checksum O +for O for O +entire O entire O +table B-Data_Structure table O +data O data O +( O ( O +for O for O +use O use O +with O with O +replication O replication O +and O and O +data O data O +validation O validation O +) O ) O +. O . O + +For O For O +example O example O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6530 I-Code_Block Q_6530 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +'m O 'm O +trying O trying O +to O to O +assign O assign O +a O a O +checksum O checksum O +value O value O +to O to O +each O each O +entry O entry O +in O in O +a O a O +MYSQL B-Application MYSQL O +database O database O +, O , O +based O based O +on O on O +a O a O +series O series O +of O of O +field O field O +values O values O +( O ( O +shown O shown O +above O above O +) O ) O +. O . O + +The O The O +idea O idea O +being O being O +that O that O +when O when O +a O a O +specific O specific O +set O set O +of O of O +fields O fields O +have O have O +the O the O +same O same O +data O data O +in O in O +, O , O +the O the O +checksum O checksum O +generated O generated O +would O would O +be O be O +the O the O +same O same O +and O and O +I O I O +can O can O +deal O deal O +with O with O +duplicate O duplicate O +entries O entries O +by O by O +checking O checking O +the O the O +checksum O checksum O +value O value O +, O , O +instead O instead O +of O of O +lengthy O lengthy O +checks O checks O +of O of O +the O the O +field O field O +to O to O +see O see O +if O if O +they O they O +contain O contain O +matching O matching O +data O data O +. O . O + +I O I O +'ve O 've O +seen O seen O +this O this O +in O in O +SQL B-Application SQL O +SERVER I-Application SERVER O +, O , O +using O using O +checksum_binary O checksum_binary O +, O , O +which O which O +is O is O +so O so O +fast O fast O +but O but O +is O is O +there O there O +a O a O +better O better O +solution O solution O +to O to O +apply O apply O +a O a O +checksum O checksum O +value O value O +to O to O +individual O individual O +fields O fields O +for O for O +comparison O comparison O +or O or O +should O should O +I O I O +stick O stick O +with O with O +trying O trying O +to O to O +modify O modify O +the O the O +above O above O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +48931998 O 48931998 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/48931998/ O https://stackoverflow.com/questions/48931998/ O + + +I O I O +do O do O +n't O n't O +understand O understand O +why O why O +you O you O +are O are O +doing O doing O +something O something O +this O this O +complicated O complicated O +: O : O + +A O A O +checksum O checksum O +for O for O +each O each O +rows B-Data_Structure rows O +with O with O +3 O 3 O +columns B-Data_Structure columns O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7178 I-Code_Block A_7178 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +To O To O +insert O insert O +this O this O +new O new O +checksum O checksum O +: O : O + +Alter O Alter O +the O the O +table B-Data_Structure table O +to O to O +add O add O +the O the O +new O new O +column B-Data_Structure column O +then O then O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7179 I-Code_Block A_7179 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +A O A O +note O note O +the O the O +checksum O checksum O +wo O wo O +n't O n't O +be O be O +100% O 100% O +safe O safe O +as O as O +if O if O +the O the O +last O last O +character B-Data_Type character O +of O of O +1 O 1 O +column B-Data_Structure column O +is O is O +not O not O +there O there O +but O but O +find O find O +in O in O +the O the O +next O next O +column B-Data_Structure column O +the O the O +hash O hash O +will O will O +be O be O +the O the O +same O same O +. O . O + +Maybe O Maybe O +you O you O +can O can O +add O add O +a O a O +separator O separator O +in O in O +the O the O +concat B-Code_Block concat O +to O to O +be O be O +sure O sure O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_7180 I-Code_Block A_7180 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +21192749 O 21192749 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21192749/ O https://stackoverflow.com/questions/21192749/ O + + +I O I O +just O just O +started O started O +messing O messing O +with O with O +node.js B-Library node.js O +and O and O +I O I O +'m O 'm O +already O already O +having O having O +problems O problems O +, O , O +I O I O +have O have O +no O no O +idea O idea O +how O how O +to O to O +even O even O +start O start O +debugging O debugging O +this. O this. O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2273 I-Code_Block Q_2273 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +21192749 O 21192749 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/21192749/ O https://stackoverflow.com/questions/21192749/ O + + +If O If O +you O you O +want O want O +to O to O +just O just O +use O use O +npm B-Application npm O +just O just O +install O install O +each O each O +package O package O +with O with O +a O a O +separate O separate O +command O command O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2852 I-Code_Block A_2852 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +On O On O +my O my O +computer O computer O +it O it O +works O works O +. O . O + +My O My O +suggestion O suggestion O +is O is O +to O to O +use O use O +the O the O +" O " O +package.json B-File_Name package.json O +" O " O +file O file O +. O . O + +In O In O +that O that O +file O file O +you O you O +can O can O +specify O specify O +the O the O +libraries O libraries O +you O you O +need O need O +and O and O +it O it O +'s O 's O +going O going O +to O to O +download O download O +the O the O +dependencies O dependencies O +for O for O +you O you O +. O . O + +For O For O +example O example O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2853 I-Code_Block A_2853 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +just O just O +execute O execute O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2854 I-Code_Block A_2854 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +And O And O +npm B-Application npm O +will O will O +make O make O +all O all O +for O for O +you O you O +. O . O + +It O It O +will O will O +create O create O +a O a O +" O " O +node_modules B-File_Name node_modules O +" O " O +where O where O +there O there O +are O are O +the O the O +dependencies O dependencies O +. O . O + +Just O Just O +create O create O +your O your O +js B-Language js O +files O files O +in O in O +the O the O +same O same O +directory O directory O +of O of O +" O " O +node_modules B-File_Name node_modules O +" O " O +and O and O +the O the O +dependencies O dependencies O +will O will O +be O be O +all O all O +available O available O +to O to O +be O be O +included O included O +. O . O + +As O As O +you O you O +can O can O +see O see O +in O in O +the O the O +package.json B-File_Name package.json O +file O file O +, O , O +near O near O +every O every O +dependency O dependency O +, O , O +there O there O +is O is O +a O a O +" B-Value " O +* I-Value * O +" I-Value " O +, O , O +that O that O +means O means O +" B-Value " O +all I-Value all O +versions I-Value versions O +" I-Value " O +. O . O + +If O If O +you O you O +want O want O +, O , O +you O you O +can O can O +set O set O +a O a O +specific O specific O +version O version O +. O . O + +If O If O +you O you O +want O want O +to O to O +know O know O +more O more O +about O about O +this O this O +, O , O +that O that O +'s O 's O +a O a O +useful O useful O +link O link O +: O : O +https://npmjs.org/doc/json.html O https://npmjs.org/doc/json.html O + +Question_ID O Question_ID O +: O : O +24892137 O 24892137 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/24892137/ O https://stackoverflow.com/questions/24892137/ O + + +I O I O +want O want O +a O a O +placeholder O placeholder O +value O value O +to O to O +hold O hold O +the O the O +answer O answer O +to O to O +a O a O +calculation O calculation O +, O , O +however O however O +the O the O +compiler B-Application compiler O +does O does O +n't O n't O +like O like O +it O it O +. O . O + +Here O Here O +is O is O +my O my O +code. O code. O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2806 I-Code_Block Q_2806 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Would O Would O +really O really O +appreciate O appreciate O +it O it O +if O if O +you O you O +could O could O +help O help O +me O me O +out O out O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +24892137 O 24892137 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/24892137/ O https://stackoverflow.com/questions/24892137/ O + + +final B-Data_Type final B-Code_Block +is O is O +a O a O +keyword O keyword O +. O . O + +Try O Try O +changing O changing O +your O your O +float B-Data_Type float B-Code_Block +final B-Variable final I-Code_Block +to O to O +another O another O +name O name O +like O like O +float B-Data_Type float B-Code_Block +finalAnswer B-Variable finalAnswer I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +24892137 O 24892137 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/24892137/ O https://stackoverflow.com/questions/24892137/ O + + +It O It O +is O is O +because O because O +you O you O +use O use O +the O the O +keyword O keyword O +final B-Data_Type final O +. O . O + +Change O Change O +your O your O +name O name O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3416 I-Code_Block A_3416 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +47190967 O 47190967 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47190967/ O https://stackoverflow.com/questions/47190967/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +debug O debug O +my O my O +application O application O +. O . O + +I O I O +know O know O +for O for O +a O a O +fact O fact O +that O that O +code O code O +in O in O +a O a O +given O given O +class O class O +A B-Class A O +is O is O +executing O executing O +because O because O +I O I O +have O have O +log O log O +statements O statements O +in O in O +methods O methods O +in O in O +that O that O +class O class O +printing B-Class printing O +when O when O +I O I O +run O run O +the O the O +app O app O +, O , O +however O however O +the O the O +problem O problem O +is O is O +that O that O +when O when O +I O I O +set O set O +breakpoints O breakpoints O +on O on O +that O that O +code O code O +which O which O +I O I O +know O know O +is O is O +executing O executing O +off O off O +of O of O +the O the O +main O main O +thread O thread O +in O in O +class O class O +A B-Class A O +, O , O +and O and O +debug O debug O +the O the O +app O app O +, O , O +the O the O +breakpoints O breakpoints O +do O do O +n't O n't O +pause O pause O +execution O execution O +. O . O + +Breakpoints O Breakpoints O +I O I O +have O have O +set O set O +in O in O +onResume() B-Function onResume() O +of O of O +an O an O +Activity O Activity O +class O class O +B B-Class B O +are O are O +executing O executing O +, O , O +so O so O +there O there O +'s O 's O +something O something O +wrong O wrong O +with O with O +how O how O +Android B-Application Android O +Studio I-Application Studio O +is O is O +choosing O choosing O +to O to O +execute O execute O +breakpoints O breakpoints O +. O . O + +My O My O +issue O issue O +seems O seems O +similar O similar O +to O to O +this O this O +: O : O +Android B-Application Android O +Studio I-Application Studio O +breakpoints O breakpoints O +not O not O +working O working O +in O in O +doinbackground B-Function doinbackground O + +I O I O +'ve O 've O +tried O tried O +that O that O +user O user O +'s O 's O +workaround O workaround O +but O but O +with O with O +no O no O +luck O luck O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +47190967 O 47190967 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/47190967/ O https://stackoverflow.com/questions/47190967/ O + + +I O I O +deleted O deleted O +my O my O +.gradle B-File_Name .gradle O +, O , O +and O and O +.AndroidStudioPreview B-File_Name .AndroidStudioPreview O +folders O folders O +, O , O +then O then O +restarted O restarted O +my O my O +computer B-Device computer O +and O and O +restarted O restarted O +Android B-Application Android O +Studio I-Application Studio O +. O . O + +My O My O +breakpoints O breakpoints O +are O are O +working O working O +properly O properly O +now O now O +. O . O + +So O So O +it O it O +was O was O +an O an O +issue O issue O +with O with O +Android B-Application Android O +Studio I-Application Studio O +, O , O +and O and O +the O the O +nuclear O nuclear O +option O option O +worked O worked O +. O . O + +Question_ID O Question_ID O +: O : O +30403467 O 30403467 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30403467/ O https://stackoverflow.com/questions/30403467/ O + + +I O I O +have O have O +two O two O +dataframes B-Data_Structure dataframes O +. O . O + +The O The O +first O first O +is O is O +my O my O +main B-Variable main O +pool O pool O +, O , O +and O and O +the O the O +second O second O +is O is O +a O a O +" O " O +list B-Data_Structure list O +" O " O +of O of O +names O names O +that O that O +I O I O +want O want O +to O to O +filter O filter O +on O on O +. O . O + +main O main O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3647 I-Code_Block Q_3647 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +list1 B-Variable list1 O +( O ( O +currently O currently O +in O in O +a O a O +dataframe B-Data_Structure dataframe O +) O ) O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3648 I-Code_Block Q_3648 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +want O want O +to O to O +use O use O +dplyr::filter B-Function dplyr::filter O +and O and O +the O the O +%in% B-Code_Block %in% O +operator O operator O +to O to O +subset O subset O +the O the O +main B-Variable main O +pool O pool O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3649 I-Code_Block Q_3649 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +thought O thought O +the O the O +above O above O +would O would O +work O work O +, O , O +but O but O +it O it O +'s O 's O +creating O creating O +a O a O +0 B-Value 0 O +row B-Data_Structure row O +dataframe I-Data_Structure dataframe O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +30403467 O 30403467 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/30403467/ O https://stackoverflow.com/questions/30403467/ O + + +Richard B-User_Name Richard O +'s O 's O +suggestion O suggestion O +worked O worked O +! O ! O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4353 I-Code_Block A_4353 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +17631216 O 17631216 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17631216/ O https://stackoverflow.com/questions/17631216/ O + + +I O I O +'m O 'm O +developing O developing O +a O a O +single-page O single-page O +web O web O +application O application O +using O using O +Backbone B-Library Backbone O +and O and O +Laravel B-Library Laravel O +. O . O + +I O I O +'ve O 've O +set O set O +my O my O +router B-Device router O +to O to O +use O use O +pushState B-Function pushState O +and O and O +configured O configured O +Laravel B-Library Laravel O +to O to O +send O send O +all O all O +other O other O +requests O requests O +to O to O +the O the O +main O main O +view O view O +of O of O +the O the O +backbone B-Library backbone O +application O application O +, O , O +where O where O +backbone B-Library backbone O +takes O takes O +care O care O +of O of O +the O the O +routing O routing O +. O . O + +My O My O +problem/question O problem/question O +is O is O +as O as O +follows O follows O +: O : O + +I O I O +have O have O +a O a O +route O route O +called O called O +' O ' O +dashboard B-Function dashboard O +' O ' O +, O , O +this O this O +route O route O +is O is O +the O the O +main O main O +application O application O +view O view O +and O and O +is O is O +shown O shown O +after O after O +login O login O +. O . O + +It O It O +uses O uses O +a O a O +collection B-Class collection O +called O called O +Clients B-Class Clients O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1788 I-Code_Block Q_1788 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +The O The O +Dash.Views.Dashboard B-Class Dash.Views.Dashboard B-Code_Block +view O view O +takes O takes O +care O care O +of O of O +all O all O +the O the O +views O views O +in O in O +the O the O +application O application O +, O , O +when O when O +calling O calling O +the O the O +renderDashboard() B-Function renderDashboard() O +; O ; O +method O method O +, O , O +it O it O +starts O starts O +rendering O rendering O +all O all O +client B-Application client O +views O views O +. O . O + +This O This O +is O is O +where O where O +it O it O +gets O gets O +interesting O interesting O +. O . O + +The O The O +code O code O +for O for O +rendering O rendering O +all O all O +the O the O +client O client O +views O views O +is O is O +as O as O +follows O follows O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1789 I-Code_Block Q_1789 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +with O with O +the O the O +above O above O +code O code O +, O , O +it O it O +works O works O +in O in O +all O all O +cases O cases O +. O . O + +With O With O +that O that O +i O i O +mean O mean O +when O when O +I O I O +log O log O +in O in O +first O first O +and O and O +the O the O +application O application O +routes O routes O +me O me O +to O to O +the O the O +dashboard B-User_Interface_Element dashboard O +view O view O +all O all O +the O the O +clients B-Application clients O +gets O gets O +rendered O rendered O +and O and O +appended O appended O +to O to O +the O the O +DOM O DOM O +, O , O +the O the O +same O same O +thing O thing O +happens O happens O +when O when O +I O I O +access O access O +/dashboard B-User_Interface_Element /dashboard B-Code_Block +immediately O immediately O +( O ( O +afther O afther O +the O the O +application O application O +checks O checks O +if O if O +i O i O +'m O 'm O +logged O logged O +in O in O +) O ) O +. O . O + +But O But O +, O , O +when O when O +I O I O +use O use O +the O the O +following O following O +code O code O +it O it O +does O does O +n't O n't O +load O load O +the O the O +client B-Application client O +views O views O +when O when O +I O I O +first O first O +log O log O +in O in O +. O . O + +It O It O +does O does O +load O load O +the O the O +client B-Application client O +views O views O +when O when O +i O i O +access O access O +/dashboard B-User_Interface_Element /dashboard B-Code_Block +directly O directly O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1790 I-Code_Block Q_1790 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +It O It O +took O took O +me O me O +a O a O +while O while O +to O to O +figure O figure O +out O out O +that O that O +the O the O +fix O fix O +of O of O +the O the O +problem O problem O +was O was O +that O that O +I O I O +had O had O +to O to O +replace O replace O +this B-Variable this B-Code_Block +. I-Variable . I-Code_Block +$el I-Variable $el I-Code_Block +with O with O +$(this.el) B-Variable $(this.el) B-Code_Block +, O , O +but O but O +I O I O +alway O alway O +'s O 's O +thought O thought O +it O it O +did O did O +n't O n't O +matter O matter O +because O because O +they O they O +are O are O +essentially O essentially O +the O the O +same O same O +, O , O +or O or O +am O am O +I O I O +wrong O wrong O +in O in O +this O this O +assumption O assumption O +? O ? O + +Can O Can O +someone O someone O +explain O explain O +to O to O +me O me O +this O this O +weird O weird O +behaviour O behaviour O +? O ? O + +As O As O +requested O requested O +, O , O +here O here O +is O is O +my O my O +global B-Data_Type global O +Dashboard B-Class Dashboard O +view O view O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1791 I-Code_Block Q_1791 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +17631216 O 17631216 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/17631216/ O https://stackoverflow.com/questions/17631216/ O + + +I O I O +'d O 'd O +guess O guess O +that O that O +your O your O +problem O problem O +is O is O +right O right O +here O here O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2311 I-Code_Block A_2311 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +there O there O +is O is O +no O no O +.dashboard B-Variable .dashboard B-Code_Block +then O then O +you O you O +directly O directly O +assign O assign O +to O to O +this.el B-Variable this.el B-Code_Block +and O and O +that O that O +'s O 's O +a O a O +mistake O mistake O +as O as O +it O it O +wo O wo O +n't O n't O +update O update O +this B-Variable this B-Code_Block +. I-Variable . I-Code_Block +$ I-Variable $ I-Code_Block +el I-Variable el I-Code_Block +. O . O + +The O The O +result O result O +is O is O +that O that O +this.el B-Variable this.el B-Code_Block +and O and O +this B-Variable this B-Code_Block +. I-Variable . I-Code_Block +$el I-Variable $el I-Code_Block +reference O reference O +different O different O +things O things O +and O and O +nothing O nothing O +works O works O +. O . O + +You O You O +should O should O +use O use O +setElement B-Function setElement B-Code_Block +to O to O +change O change O +a O a O +view O view O +'s O 's O +el B-Variable el B-Code_Block +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +So O So O +you O you O +should O should O +be O be O +saying O saying O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2312 I-Code_Block A_2312 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +11984095 O 11984095 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/11984095/ O https://stackoverflow.com/questions/11984095/ O + + +I O I O +ca O ca O +n't O n't O +work O work O +this O this O +out O out O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1122 I-Code_Block Q_1122 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Or O Or O +am O am O +I O I O +missing O missing O +something O something O +? O ? O + +It O It O +does O does O +n't O n't O +seem O seem O +to O to O +work O work O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +11984095 O 11984095 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/11984095/ O https://stackoverflow.com/questions/11984095/ O + + +it O it O +wo O wo O +n't O n't O +know O know O +about O about O +the O the O +old O old O +params O params O +unless O unless O +you O you O +merge O merge O +them O them O +in O in O +and O and O +send O send O +them O them O +on O on O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1548 I-Code_Block A_1548 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +11984095 O 11984095 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/11984095/ O https://stackoverflow.com/questions/11984095/ O + + +From O From O +the O the O +documentation O documentation O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +You O You O +'re O 're O +passing O passing O +a O a O +String B-Data_Type String O +as O as O +the O the O +first O first O +argument O argument O +, O , O +so O so O +it O it O +'s O 's O +using O using O +the O the O +3rd O 3rd O +option O option O +. O . O + +Your O Your O +second O second O +parameter O parameter O +is O is O +interpreted O interpreted O +as O as O +the O the O +value O value O +for O for O +the O the O +response_status B-Variable response_status B-Code_Block +parameter O parameter O +. O . O + +So O So O +, O , O +if O if O +your O your O +redirect O redirect O +is O is O +an O an O +internal O internal O +one O one O +( O ( O +to O to O +the O the O +same O same O +app O app O +) O ) O +, O , O +you O you O +do O do O +n't O n't O +need O need O +to O to O +specify O specify O +the O the O +scheme O scheme O +and O and O +hostname O hostname O +. O . O + +Just O Just O +use O use O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1546 I-Code_Block A_1546 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +If O If O +it O it O +'s O 's O +an O an O +external O external O +URL O URL O +, O , O +build O build O +the O the O +complete O complete O +URL O URL O +before O before O +redirecting O redirecting O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_1547 I-Code_Block A_1547 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +25973006 O 25973006 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25973006/ O https://stackoverflow.com/questions/25973006/ O + + +Hi O Hi O +i O i O +have O have O +created O created O +app O app O +using O using O +altbeacon B-Library altbeacon O +reference O reference O +app O app O +. O . O + +And O And O +i O i O +want O want O +to O to O +call O call O +didEnterRegion B-Function didEnterRegion O +using O using O +bootstrap B-Class bootstrap O +notifier I-Class notifier O +when O when O +app O app O +sees O sees O +beacon B-Device beacon O +in O in O +background O background O +. O . O + +But O But O +i O i O +dont O dont O +want O want O +it O it O +to O to O +scan O scan O +background O background O +every O every O +5 O 5 O +minutes O minutes O +, O , O +i O i O +want O want O +my O my O +app O app O +react O react O +to O to O +new O new O +beacon B-Device beacon O +immediately O immediately O +. O . O + +Is O Is O +there O there O +some O some O +way O way O +to O to O +do O do O +this O this O +? O ? O + +My O My O +Code O Code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2976 I-Code_Block Q_2976 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +} B-Code_Block } O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25973006 O 25973006 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25973006/ O https://stackoverflow.com/questions/25973006/ O + + +You O You O +can O can O +increase O increase O +the O the O +frequency O frequency O +of O of O +background O background O +scans O scans O +with O with O +the O the O +following O following O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3584 I-Code_Block A_3584 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +This O This O +will O will O +make O make O +the O the O +background O background O +detection O detection O +times O times O +as O as O +fast O fast O +as O as O +in O in O +the O the O +foreground O foreground O +. O . O + +But O But O +be O be O +forewarned O forewarned O +, O , O +this O this O +will O will O +make O make O +your O your O +app O app O +use O use O +lots O lots O +of O of O +battery O battery O +power O power O +. O . O + +You O You O +can O can O +tweak O tweak O +the O the O +between O between O +scan O scan O +period O period O +to O to O +your O your O +tolerance O tolerance O +for O for O +battery O battery O +drain O drain O +. O . O + +As O As O +you O you O +noted O noted O +, O , O +the O the O +default O default O +is O is O +5 O 5 O +minutes O minutes O +( O ( O +5*3600l O 5*3600l O +) O ) O +. O . O + +Android B-Operating_System Android O +L B-Version L O +has O has O +new O new O +scanning B-Library scanning O +APIs I-Library APIs O +which O which O +promise O promise O +to O to O +help O help O +improve O improve O +this O this O +tradeoff O tradeoff O +between O between O +detection O detection O +timers O timers O +and O and O +battery O battery O +usage O usage O +. O . O + +But O But O +for4.3 B-Version for4.3 O +and O and O +4.4 B-Version 4.4 O +apps O apps O +, O , O +you O you O +need O need O +to O to O +make O make O +a O a O +judgment O judgment O +call O call O +. O . O + +Question_ID O Question_ID O +: O : O +4139365 O 4139365 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4139365/ O https://stackoverflow.com/questions/4139365/ O + + +I O I O +'m O 'm O +using O using O +Java B-Language Java O +6 B-Version 6 O +. O . O + +Do O Do O +you O you O +think O think O +there O there O +'s O 's O +a O a O +reason O reason O +why O why O +there O there O +are O are O +conditional O conditional O +expressions O expressions O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_275 I-Code_Block Q_275 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +not O not O +loop O loop O +expressions O expressions O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_276 I-Code_Block Q_276 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +which O which O +adds O adds O +elements O elements O +from O from O +schedule O schedule O +into O into O +weeklyPlan B-Variable weeklyPlan O +while O while O +hasNext() B-Function hasNext() B-Code_Block +. O . O + +Or O Or O +do O do O +some O some O +languages O languages O +have O have O +this O this O +feature O feature O +or O or O +something O something O +similar O similar O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +4139365 O 4139365 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4139365/ O https://stackoverflow.com/questions/4139365/ O + + +These O These O +" O " O +loop O loop O +expressions O expressions O +" O " O +, O , O +in O in O +a O a O +slightly O slightly O +different O different O +form O form O +, O , O +are O are O +called O called O +closures O closures O +. O . O + +In O In O +groovy-code B-Language groovy-code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_420 I-Code_Block A_420 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +That O That O +is O is O +- O - O +you O you O +can O can O +define O define O +what O what O +happens O happens O +with O with O +each O each O +object O object O +of O of O +the O the O +schedule B-Variable schedule B-Code_Block +collection O collection O +. O . O + +Java B-Language Java O +does O does O +not O not O +yet O yet O +support O support O +closures O closures O +. O . O + +There O There O +it O it O +is O is O +implemented O implemented O +with O with O +anonymous O anonymous O +classes O classes O +. O . O + +Of O Of O +course O course O +closures O closures O +are O are O +more O more O +than O than O +that O that O +, O , O +and O and O +this O this O +is O is O +only O only O +one O one O +of O of O +their O their O +applications O applications O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +4139365 O 4139365 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/4139365/ O https://stackoverflow.com/questions/4139365/ O + + +I O I O +think O think O +it O it O +'s O 's O +because O because O +conditional O conditional O +expressions O expressions O +are O are O +much O much O +easier O easier O +to O to O +implement O implement O +without O without O +having O having O +to O to O +worry O worry O +about O about O +pesky O pesky O +details O details O +. O . O + +For O For O +example O example O +, O , O +looking O looking O +at O at O +your O your O +code O code O +, O , O +are O are O +you O you O +saying O saying O +that O that O +weeklyPlan.add B-Function weeklyPlan.add O +will O will O +be O be O +called O called O +multiple O multiple O +times O times O +? O ? O + +In O In O +that O that O +case O case O +, O , O +the O the O +scope O scope O +of O of O +your O your O +=> B-Code_Block => B-Code_Block +operator O operator O +just O just O +jumped O jumped O +outside O outside O +of O of O +the O the O +parentheses O parentheses O +that O that O +contain O contain O +it O it O +. O . O + +C# B-Language C# O +has O has O +features O features O +in O in O +LINQ B-Library LINQ O +that O that O +can O can O +perform O perform O +similar O similar O +actions O actions O +to O to O +what O what O +you O you O +'re O 're O +describing O describing O +. O . O + +It O It O +implements O implements O +these O these O +using O using O +closures O closures O +and O and O +extension O extension O +methods O methods O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_421 I-Code_Block A_421 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +these O these O +are O are O +much O much O +more O more O +tricky O tricky O +language O language O +constructs O constructs O +than O than O +Java B-Language Java O +started O started O +out O out O +with O with O +and O and O +the O the O +.NET B-Library .NET O +runtime O runtime O +has O has O +been O been O +able O able O +to O to O +change O change O +much O much O +more O more O +rapidly O rapidly O +than O than O +the O the O +Java B-Language Java O +platform O platform O +has O has O +, O , O +largely O largely O +for O for O +political O political O +reasons O reasons O +. O . O + +Java B-Language Java O +7 B-Version 7 O +was O was O +supposed O supposed O +to O to O +feature O feature O +closures O closures O +, O , O +but O but O +they O they O +got O got O +pushed O pushed O +back O back O +to O to O +the O the O +" O " O +next O next O +version O version O +. O . O +" O " O + +Question_ID O Question_ID O +: O : O +36982499 O 36982499 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36982499/ O https://stackoverflow.com/questions/36982499/ O + + +I O I O +always O always O +read O read O +that O that O +, O , O +at O at O +any O any O +given O given O +time O time O +, O , O +the O the O +processor B-Device processor O +can O can O +only O only O +run O run O +one O one O +process O process O +at O at O +a O a O +time O time O +. O . O + +So O So O +one O one O +and O and O +only O only O +one O one O +process O process O +is O is O +in O in O +state O state O +running O running B-Code_Block +. O . O + +However O However O +, O , O +we O we O +can O can O +have O have O +a O a O +number O number O +of O of O +runnable O runnable O +processes O processes O +. O . O + +These O These O +are O are O +all O all O +of O of O +these O these O +processes O processes O +who O who O +are O are O +waiting O waiting O +for O for O +the O the O +scheduler O scheduler O +to O to O +schedule O schedule O +their O their O +execution O execution O +. O . O + +At O At O +any O any O +given O given O +time O time O +, O , O +do O do O +all O all O +these O these O +runnable O runnable O +processes O processes O +exist O exist O +in O in O +user O user O +address O address O +space O space O +? O ? O + +Or O Or O +has O has O +the O the O +currently O currently O +running O running O +process O process O +in O in O +user O user O +address O address O +space O space O +, O , O +and O and O +it O it O +is O is O +only O only O +once O once O +they O they O +are O are O +scheduled O scheduled O +that O that O +they O they O +are O are O +brought O brought O +back O back O +to O to O +RAM B-Device RAM O +from O from O +disk B-Device disk O +. O . O + +In O In O +which O which O +case O case O +, O , O +does O does O +it O it O +mean O mean O +that O that O +the O the O +kernel B-Application kernel O +keeps O keeps O +the O the O +process O process O +task O task O +descriptor O descriptor O +in O in O +its O its O +list O list O +of O of O +all O all O +runnable O runnable O +processes O processes O +even O even O +if O if O +they O they O +are O are O +in O in O +disk B-Device disk O +? O ? O + +I O I O +guess O guess O +you O you O +can O can O +tell O tell O +I O I O +am O am O +confused O confused O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +36982499 O 36982499 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/36982499/ O https://stackoverflow.com/questions/36982499/ O + + +If O If O +CPU B-Device CPU O +supports O supports O +virtual O virtual O +memory O memory O +addressing O addressing O +, O , O +each O each O +process O process O +has O has O +a O a O +unique O unique O +view O view O +of O of O +the O the O +memory O memory O +. O . O + +Two O Two O +different O different O +processes O processes O +that O that O +tries O tries O +to O to O +read O read O +from O from O +the O the O +same O same O +memory O memory O +address O address O +, O , O +will O will O +map O map O +to O to O +different O different O +location O location O +in O in O +physical O physical O +memory O memory O +, O , O +unless O unless O +the O the O +memory O memory O +maps O maps O +tells O tells O +otherwize O otherwize O +( O ( O +shared O shared O +memory O memory O +, O , O +like O like O +DLL B-File_Type DLL O +files O files O +are O are O +mapped O mapped O +read O read O +only O only O +like O like O +this O this O +for O for O +instance O instance O +) O ) O + +If O If O +CPU B-Device CPU O +does O does O +not O not O +support O support O +virtual O virtual O +memory O memory O +, O , O +but O but O +only O only O +memory O memory O +protection O protection O +, O , O +the O the O +memory O memory O +from O from O +the O the O +other O other O +processes O processes O +will O will O +be O be O +protected O protected O +away O away O +, O , O +so O so O +that O that O +the O the O +running O running O +process O process O +can O can O +only O only O +access O access O +its O its O +own O own O +memory O memory O +. O . O + +Question_ID O Question_ID O +: O : O +25518174 O 25518174 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25518174/ O https://stackoverflow.com/questions/25518174/ O + + +I O I O +have O have O +Login O Login O +page B-User_Interface_Element page O +without O without O +Layout O Layout O +. O . O + +I O I O +'m O 'm O +try O try O +to O to O +do O do O +login O login O +using O using O +ajax B-Function ajax O +post I-Function post O +method O method O +but O but O +that O that O +method O method O +not O not O +hit O hit O +on O on O +the O the O +mvc B-Algorithm mvc O +Controller O Controller O +method O method O +. O . O + +When O When O +Im O Im O +try O try O +to O to O +login O login O +alert B-User_Interface_Element alert O +box I-User_Interface_Element box O +in O in O +success O success O +section O section O +is O is O +popup O popup O +with O with O +blank O blank O +. O . O + +If O If O +this O this O +method O method O +hit O hit O +that O that O +alert O alert O +should O should O +have O have O +some O some O +record O record O +. O . O + +please O please O +help O help O +me O me O +to O to O +fix O fix O +this O this O +issue O issue O +. O . O + +Ajax B-Function Ajax O +method O method O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2899 I-Code_Block Q_2899 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Login O Login O +Form O Form O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2900 I-Code_Block Q_2900 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Scripts O Scripts O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2901 I-Code_Block Q_2901 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25518174 O 25518174 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25518174/ O https://stackoverflow.com/questions/25518174/ O + + +The O The O +Problem O Problem O +is O is O +with O with O +datatype O datatype B-Code_Block +which O which O +you O you O +have O have O +not O not O +specified O specified O +in O in O +ajax B-Function ajax O +request O request O +: O : O +- O - O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3516 I-Code_Block A_3516 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25518174 O 25518174 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25518174/ O https://stackoverflow.com/questions/25518174/ O + + +If O If O +your O your O +alert B-Function alert O +is O is O +empty O empty O +( O ( O +and O and O +not O not O +undefined O undefined O +) O ) O +your O your O +server B-Application server O +is O is O +not O not O +responding O responding O +with O with O +a O a O +object O object O +that O that O +has O has O +any O any O +value O value O +for O for O +in O in O +data.Code B-Code_Block data.Code O +. O . O + +e.g O e.g O +. O . O + +alert({}.Code) B-Code_Block alert({}.Code) B-Code_Block +; I-Code_Block ; I-Code_Block +shows O shows O +an O an O +alert B-Function alert O +with O with O +undefined O undefined O +whereas O whereas O +data B-Code_Block data B-Code_Block += I-Code_Block = I-Code_Block +{Code:''};alert(data.Code) I-Code_Block {Code:''};alert(data.Code) I-Code_Block +; I-Code_Block ; I-Code_Block +shows O shows O +an O an O +empty O empty O +alert B-Function alert O +as O as O +described O described O +in O in O +your O your O +question O question O +. O . O + +Probably O Probably O +best O best O +to O to O +use O use O +the O the O +console B-Application console O +to O to O +debug O debug O +your O your O +code O code O +instead O instead O +of O of O +alerts B-Function alerts O +. O . O + +Question_ID O Question_ID O +: O : O +25036609 O 25036609 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25036609/ O https://stackoverflow.com/questions/25036609/ O + + +I O I O +am O am O +using O using O +AFNetworking B-Library AFNetworking B-Code_Block +2.0 B-Version 2.0 I-Code_Block +to O to O +send O send O +data O data O +to O to O +my O my O +API B-Library API O +( O ( O +json B-File_Type json O +) O ) O +. O . O + +Everything O Everything O +works O works O +fine O fine O +except O except O +of O of O +sending O sending O +data O data O +with O with O +german O german O +letters O letters O +like O like O +ä B-Value ä B-Code_Block +ü I-Value ü I-Code_Block +ö I-Value ö I-Code_Block +. O . O + +Does O Does O +anyone O anyone O +know O know O +what O what O +is O is O +the O the O +problem O problem O +? O ? O +. O . O + +The O The O +problem O problem O +is O is O +not O not O +the O the O +API B-Library API O +because O because O +i O i O +did O did O +it O it O +in O in O +Android B-Operating_System Android O +and O and O +it O it O +worked O worked O +. O . O + +Here O Here O +is O is O +my O my O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2829 I-Code_Block Q_2829 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +6588337 O 6588337 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6588337/ O https://stackoverflow.com/questions/6588337/ O + + +I O I O +have O have O +a O a O +method O method O +that O that O +is O is O +called O called O +every O every O +time O time O +the O the O +devices O devices O +location O location O +updates O updates O +with O with O +statements O statements O +below O below O +included O included O +: O : O + +Just O Just O +curious O curious O +as O as O +to O to O +why O why O +I O I O +'m O 'm O +getting O getting O +a O a O +SIGABRT B-Function SIGABRT O +signal I-Function signal O +from O from O +this O this O +PrevSpeedDic B-Variable PrevSpeedDic O +here O here O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_492 I-Code_Block Q_492 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +But O But O +when O when O +I O I O +move O move O +this O this O +above O above O +the O the O +statement O statement O +above O above O +it O it O +works O works O +fine O fine O +as O as O +it O it O +should O should O +. O . O + +My O My O +variables O variables O +are O are O +defined O defined O +correctly O correctly O +or O or O +it O it O +would O would O +not O not O +work O work O +in O in O +any O any O +circumstance O circumstance O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_493 I-Code_Block Q_493 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +6588337 O 6588337 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/6588337/ O https://stackoverflow.com/questions/6588337/ O + + +Local O Local O +variables O variables O +are O are O +not O not O +initialized O initialized O +to O to O +0 B-Value 0 O +( O ( O +nil B-Value nil O +) O ) O +by O by O +default O default O +. O . O + +If O If O +you O you O +do O do O +n't O n't O +set O set O +DriveInfoDic B-Variable DriveInfoDic O +before O before O +that O that O +if O if O +, O , O +it O it O +'s O 's O +going O going O +to O to O +take O take O +the O the O +first O first O +branch O branch O +and O and O +crash O crash O +. O . O + +Question_ID O Question_ID O +: O : O +15588799 O 15588799 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15588799/ O https://stackoverflow.com/questions/15588799/ O + + +I O I O +'ve O 've O +been O been O +reading O reading O +through O through O +some O some O +similar O similar O +questions O questions O +but O but O +was O was O +n't O n't O +able O able O +to O to O +find O find O +an O an O +answer O answer O +that O that O +I O I O +can O can O +implement O implement O +. O . O + +I O I O +am O am O +using O using O +Google B-Library Google O +App I-Library App O +Engine I-Library Engine O +and O and O +doing O doing O +a O a O +simple O simple O +CSV B-File_Type CSV O +export O export O +using O using O +unicodecsv B-Library unicodecsv O +, O , O +which O which O +works O works O +fine O fine O +. O . O + +This O This O +export O export O +is O is O +supposed O supposed O +to O to O +run O run O +daily O daily O +and O and O +save O save O +the O the O +result O result O +as O as O +the O the O +same O same O +Blobstore B-Class Blobstore O +item I-Class item O +every O every O +time O time O +, O , O +so O so O +it O it O +can O can O +be O be O +retrieved O retrieved O +from O from O +the O the O +same O same O +URL O URL O +. O . O + +I O I O +know O know O +that O that O +this O this O +is O is O +not O not O +the O the O +initial O initial O +intention O intention O +of O of O +Blobstore B-Class Blobstore O +items I-Class items O +, O , O +but O but O +I O I O +also O also O +read O read O +some O some O +articles O articles O +that O that O +got O got O +it O it O +working O working O +. O . O + +Unforuntately O Unforuntately O +since O since O +I O I O +am O am O +not O not O +such O such O +an O an O +experienced O experienced O +programmer O programmer O +, O , O +I O I O +was O was O +n't O n't O +able O able O +to O to O +use O use O +any O any O +of O of O +it O it O +for O for O +my O my O +situation O situation O +. O . O + +Would O Would O +be O be O +great O great O +if O if O +someone O someone O +could O could O +give O give O +me O me O +some O some O +input O input O +on O on O +how O how O +to O to O +realize O realize O +this O this O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_1529 I-Code_Block Q_1529 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +15588799 O 15588799 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15588799/ O https://stackoverflow.com/questions/15588799/ O + + +As O As O +Tim B-User_Name Tim O +pointed O pointed O +out O out O +you O you O +cannot O cannot O +overwrite O overwrite O +blobstore B-Library blobstore O +entity O entity O +, O , O +but O but O +you O you O +may O may O +create O create O +a O a O +new O new O +one O one O +every O every O +time O time O +and O and O +remember O remember O +the O the O +key B-Class key O +to O to O +serve O serve O +the O the O +new O new O +entity O entity O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2015 I-Code_Block A_2015 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +then O then O +, O , O +in O in O +a O a O +cron B-Class cron O +handler I-Class handler O +you O you O +may O may O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2016 I-Code_Block A_2016 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +, O , O +finally O finally O +, O , O +when O when O +you O you O +serve O serve O +your O your O +file O file O +( O ( O +in O in O +a O a O +BlobstoreDownloadHandler B-Class BlobstoreDownloadHandler B-Code_Block +) O ) O +you O you O +do O do O +just O just O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_2017 I-Code_Block A_2017 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +15588799 O 15588799 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/15588799/ O https://stackoverflow.com/questions/15588799/ O + + +You O You O +can O can O +not O not O +overwrite O overwrite O +a O a O +blob B-Library blob O +store I-Library store O +entity O entity O +, O , O +only O only O +delete O delete O +it O it O +. O . O + +You O You O +have O have O +no O no O +control O control O +over O over O +the O the O +blob B-Class blob O +store I-Class store O +key I-Class key O +, O , O +so O so O +you O you O +will O will O +have O have O +to O to O +keep/manage O keep/manage O +the O the O +URL O URL O +in O in O +yourapp O yourapp O +with O with O +a O a O +redirect O redirect O +to O to O +the O the O +current O current O +blob B-Library blob O +store I-Library store O +URL O URL O +. O . O + +As O As O +for O for O +writing O writing O +to O to O +the O the O +blob B-Library blob O +store I-Library store O +, O , O +have O have O +a O a O +look O look O +at O at O +the O the O +file B-Library file O +api I-Library api O + +https://developers.google.com/appengine/docs/python/blobstore/overview#Writing_Files_to_the_Blobstore O https://developers.google.com/appengine/docs/python/blobstore/overview#Writing_Files_to_the_Blobstore O + +Question_ID O Question_ID O +: O : O +25772079 O 25772079 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25772079/ O https://stackoverflow.com/questions/25772079/ O + + +I O I O +do O do O +not O not O +use O use O +Xcode B-Application Xcode O +to O to O +build O build O +my O my O +IPA B-File_Type IPA O +. O . O + +I O I O +tried O tried O +searching O searching O +apple O apple O +documentation O documentation O +, O , O +but O but O +I O I O +cannot O cannot O +find O find O +what O what O +the O the O +key O key O +values O values O +are O are O +for O for O +all O all O +possible O possible O +system O system O +capabilities O capabilities O +. O . O + +In O In O +order O order O +to O to O +not O not O +be O be O +lazy O lazy O +, O , O +I O I O +also O also O +tried O tried O +to O to O +archive O archive O +a O a O +project O project O +with O with O +these O these O +capabilities O capabilities O +turned O turned O +on O on O +, O , O +and O and O +searched O searched O +through O through O +the O the O +IPA B-File_Type IPA O +, O , O +but O but O +cannot O cannot O +find O find O +where O where O +Xcode6 B-Application Xcode6 B-Code_Block +is O is O +hiding O hiding O +these O these O +entitlements O entitlements O +. O . O + +For O For O +users O users O +using O using O +Xcode6 B-Application Xcode6 O +these O these O +are O are O +the O the O +capabilities O capabilities O +listed O listed O +here O here O + +Since O Since O +I O I O +generate O generate O +my O my O +IPA B-File_Type IPA O +manually O manually O +, O , O +I O I O +need O need O +to O to O +know O know O +what O what O +these O these O +keys O keys O +are O are O +in O in O +order O order O +to O to O +match O match O +the O the O +capabilities O capabilities O +set O set O +on O on O +my O my O +App O App O +Identifier O Identifier O +. O . O + +UPDATED O UPDATED O + +Here O Here O +are O are O +the O the O +key O key O +values O values O +, O , O +they O they O +were O were O +actually O actually O +in O in O +the O the O +project.pbxproj B-File_Name project.pbxproj B-Code_Block +file O file O +, O , O +thanks O thanks O +for O for O +the O the O +help O help O +@colinta B-User_Name @colinta O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_2939 I-Code_Block Q_2939 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +25772079 O 25772079 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/25772079/ O https://stackoverflow.com/questions/25772079/ O + + +Your O Your O +screenshot O screenshot O +gave O gave O +me O me O +an O an O +idea O idea O +- O - O +check O check O +the O the O +diff O diff O +of O of O +the O the O +project.pbxproj B-File_Name project.pbxproj O +file O file O +! O ! O + +Came O Came O +up O up O +with O with O +this O this O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3553 I-Code_Block A_3553 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +HTH O HTH O + +Question_ID O Question_ID O +: O : O +35585860 O 35585860 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35585860/ O https://stackoverflow.com/questions/35585860/ O + + +I O I O +am O am O +currently O currently O +working O working O +the O the O +following O following O +pagerank B-Algorithm pagerank O +algorithm O algorithm O +: O : O + +where O where O +mxm B-Variable mxm B-Code_Block +contains O contains O +the O the O +following O following O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Here O Here O +is O is O +the O the O +code O code O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_4354 I-Code_Block Q_4354 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +it O it O +should O should O +perform O perform O +the O the O +following O following O +iterations O iterations O +: O : O + +Iteration O Iteration O +0 O 0 O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Iteration O Iteration O +1 O 1 O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Iteration O Iteration O +2 O 2 O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +Iteration O Iteration O +3 O 3 O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +. O . O + +. O . O + +. O . O + +Iteration O Iteration O +9 O 9 O +: O : O + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +however O however O +, O , O +it O it O +does O does O +not O not O +work O work O +. O . O + +( O ( O +The O The O +above O above O +is O is O +a O a O +part O part O +, O , O +of O of O +the O the O +full O full O +code O code O +. O . O +) O ) O + +Can O Can O +anybody O anybody O +please O please O +solve O solve O +this O this O +problem O problem O +? O ? O + +It O It O +is O is O +based O based O +on O on O +this O this O +function O function O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +35585860 O 35585860 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/35585860/ O https://stackoverflow.com/questions/35585860/ O + + +Looking O Looking O +at O at O +this O this O +section O section O +of O of O +the O the O +code O code O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_5076 I-Code_Block A_5076 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Variables O Variables O +p B-Variable p B-Code_Block +and O and O +q B-Variable q B-Code_Block +are O are O +set O set O +to O to O +the O the O +same O same O +value O value O +host_rank[k] B-Code_Block host_rank[k] B-Code_Block +. O . O + +So O So O +unless O unless O +i B-Code_Block i B-Code_Block +== I-Code_Block == I-Code_Block +k I-Code_Block k I-Code_Block +( O ( O +thus O thus O +changing O changing O +the O the O +array B-Data_Structure array O +element O element O +between O between O +p B-Variable p B-Code_Block +and O and O +q B-Variable q B-Code_Block +being O being O +read O read O +) O ) O +, O , O +lol B-Variable lol B-Code_Block +will O will O +not O not O +move O move O +from O from O +0 B-Value 0 B-Code_Block +, O , O +so O so O +eucl B-Variable eucl B-Code_Block +will O will O +be O be O +0 B-Value 0 B-Code_Block +, O , O +and O and O +the O the O +loop O loop O +will O will O +be O be O +infinite O infinite O +. O . O + +I O I O +also O also O +suspect O suspect O +that O that O +lol B-Code_Block lol B-Code_Block += I-Code_Block = I-Code_Block +0 I-Code_Block 0 I-Code_Block +should O should O +be O be O +within O within O +the O the O +do-while B-Code_Block do-while B-Code_Block +loop O loop O +. O . O + +And O And O +unless O unless O +the O the O +variables O variables O +i B-Variable i B-Code_Block +, O , O +d B-Variable d B-Code_Block +, O , O +n B-Variable n B-Code_Block +and O and O +sumPR B-Variable sumPR B-Code_Block +are O are O +shared O shared O +and O and O +altered O altered O +by O by O +another O another O +process O process O +, O , O +the O the O +loop O loop O +, O , O +if O if O +it O it O +repeats O repeats O +, O , O +will O will O +always O always O +repeat O repeat O +. O . O + +Question_ID O Question_ID O +: O : O +31851180 O 31851180 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31851180/ O https://stackoverflow.com/questions/31851180/ O + + +Say O Say O +I O I O +have O have O +the O the O +following O following O +HTML B-Language HTML O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3850 I-Code_Block Q_3850 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +What O What O +I O I O +'d O 'd O +like O like O +to O to O +do O do O +is O is O +replace O replace O +all O all O +instances O instances O +of O of O +US$ B-Value US$ O +XX.xx I-Value XX.xx O +with O with O +GBP£ B-Variable GBP£ O +YY.yy I-Variable YY.yy O +on O on O +the O the O +live O live O +page O page O +using O using O +jquery B-Library jquery O +. O . O + +The O The O +value O value O +of O of O +GBP B-Variable GBP O +would O would O +be O be O +determined O determined O +by O by O +my O my O +own O own O +currency O currency O +conversion O conversion O +ratio O ratio O +. O . O + +So O So O +I O I O +'m O 'm O +assuming O assuming O +what O what O +I O I O +'d O 'd O +first O first O +need O need O +to O to O +do O do O +is O is O +use O use O +a O a O +regular O regular O +expression O expression O +to O to O +get O get O +all O all O +instances O instances O +of O of O +the O the O +prices O prices O +which O which O +would O would O +be O be O +anything O anything O +beginning O beginning O +with O with O +USD$ B-Value USD$ O +and O and O +ending O ending O +after O after O +.xx B-Value .xx O +? O ? O + +Prices O Prices O +will O will O +always O always O +have O have O +cents O cents O +displayed O displayed O +. O . O + +Then O Then O +I O I O +'m O 'm O +stuck O stuck O +what O what O +would O would O +be O be O +the O the O +best O best O +way O way O +to O to O +accomplish O accomplish O +the O the O +next O next O +part O part O +. O . O + +Should O Should O +I O I O +wrap O wrap O +these O these O +instances O instances O +in O in O +a O a O +span O span O +tag O tag O +with O with O +a O a O +class O class O +, O , O +then O then O +use O use O +jquery.each() B-Function jquery.each() O +function O function O +to O to O +loop O loop O +through O through O +each O each O +and O and O +replace O replace O +the O the O +contents O contents O +with O with O +a O a O +jquery(this).html("GBP£YY.yy") B-Function jquery(this).html("GBP£YY.yy") O +? O ? O + +Any O Any O +help O help O +setting O setting O +me O me O +on O on O +the O the O +right O right O +path O path O +would O would O +be O be O +greatly O greatly O +appreciated O appreciated O +. O . O + +Thanks O Thanks O +guys O guys O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +31851180 O 31851180 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31851180/ O https://stackoverflow.com/questions/31851180/ O + + +base O base O +method O method O +for O for O +text O text O +replacements O replacements O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4556 I-Code_Block A_4556 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +stuff O stuff O +you O you O +need O need O +to O to O +do O do O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4557 I-Code_Block A_4557 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +you O you O +can O can O +fire O fire O +that O that O +on O on O +ANY O ANY O +site O site O +. O . O + +it O it O +will O will O +even O even O +replace O replace O +titles O titles O +etc O etc O +. O . O + +so. O so. O +. O . O +to O to O +tell O tell O +you O you O +about O about O +the O the O +benefits O benefits O +of O of O +not O not O +using O using O +jquery B-Library jquery O +for O for O +this O this O +: O : O + +jquery B-Library jquery O +will O will O +process O process O +and O and O +wrap O wrap O +every O every O +single O single O +element O element O +in O in O +a O a O +browser B-Application browser O +compatible O compatible O +way O way O +. O . O + +using O using O +a O a O +native O native O +javascript B-Language javascript O +solution O solution O +would O would O +speed O speed O +up O up O +this O this O +process O process O +alot O alot O +. O . O + +using O using O +native O native O +textnodes B-Class textnodes O +also O also O +is O is O +benefitial O benefitial O +since O since O +it O it O +will O will O +not O not O +break O break O +event B-Class event O +handlers O handlers O +for O for O +child O child O +elements O elements O +. O . O + +you O you O +should O should O +also O also O +consider O consider O +using O using O +fastdom B-Application fastdom O +. O . O + +it O it O +does O does O +not O not O +matter O matter O +if O if O +you O you O +are O are O +using O using O +jquery B-Library jquery O +or O or O +native O native O +js B-Language js O +. O . O + +after O after O +writing O writing O +to O to O +elements O elements O +the O the O +dom O dom O +has O has O +to O to O +do O do O +certain O certain O +tasks O tasks O +before O before O +it O it O +can O can O +be O be O +read O read O +again O again O +. O . O + +in O in O +the O the O +end O end O +you O you O +will O will O +loose O loose O +some O some O +time O time O +for O for O +each O each O +edited O edited O +element O element O +. O . O + +to O to O +give O give O +you O you O +a O a O +fastdom B-Application fastdom O +example O example O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4558 I-Code_Block A_4558 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +this O this O +will O will O +basically O basically O +do O do O +the O the O +job O job O +in O in O +an O an O +instant O instant O +. O . O + +if O if O +you O you O +want O want O +to O to O +go O go O +even O even O +further O further O +you O you O +could O could O +add O add O +this O this O +to O to O +jquery B-Library jquery O +as O as O +following O following O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4559 I-Code_Block A_4559 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +and O and O +call O call O +it O it O +like O like O +that O that O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4560 I-Code_Block A_4560 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +31851180 O 31851180 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/31851180/ O https://stackoverflow.com/questions/31851180/ O + + +If O If O +all O all O +of O of O +these O these O +values O values O +are O are O +directly O directly O +in O in O +the O the O +span B-HTML_XML_Tag span O +, O , O +if O if O +not O not O +you O you O +can O can O +give O give O +them O them O +a O a O +unique O unique O +class O class O +and O and O +use O use O +it O it O +to O to O +iterate O iterate O +over O over O +them O them O +, O , O +you O you O +can O can O +use O use O +the O the O +following O following O + +You O You O +first O first O +get O get O +the O the O +numeric O numeric O +part O part O +of O of O +the O the O +string B-Data_Type string O +in O in O +a O a O +variable O variable O + +convert O convert O +the O the O +currency O currency O +store O store O +it O it O +in O in O +other O other O +variable O variable O +. O . O + +replace O replace O +US$ B-Value US$ O +with O with O +GBP B-Value GBP O + +replace O replace O +numeric O numeric O +part O part O +of O of O +the O the O +string B-Data_Type string O +with O with O +converted O converted O +value O value O + +jQuery B-Library jQuery O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4555 I-Code_Block A_4555 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +46835501 O 46835501 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46835501/ O https://stackoverflow.com/questions/46835501/ O + + +I O I O +am O am O +working O working O +on O on O +a O a O +project O project O +that O that O +uses O uses O +blade B-Library blade O +templating I-Library templating O +. O . O + +Due O Due O +to O to O +server B-Device server O +limitations O limitations O +, O , O +I O I O +am O am O +required O required O +to O to O +rather O rather O +than O than O +have O have O +blade B-Library blade O +generate O generate O +cache B-File_Type cache O +files O files O +on O on O +the O the O +fly O fly O +- O - O +I O I O +need O need O +to O to O +provide O provide O +blade B-Library blade O +with O with O +all O all O +the O the O +cache B-File_Type cache O +files O files O +for O for O +the O the O +application O application O +. O . O + +Oddly O Oddly O +, O , O +blade B-Library blade O +keeps O keeps O +ignoring O ignoring O +all O all O +the O the O +cache B-File_Type cache O +files O files O +we O we O +'re O 're O +providing O providing O +and O and O +seems O seems O +to O to O +reference O reference O +cache B-File_Type cache O +files O files O +that O that O +do O do O +n't O n't O +exist O exist O +. O . O + +Any O Any O +idea O idea O +why O why O +this O this O +is O is O +? O ? O + +how O how O +to O to O +prevent O prevent O +? O ? O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_6172 I-Code_Block Q_6172 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Essentially O Essentially O +, O , O +I O I O +am O am O +100% O 100% O +happy O happy O +to O to O +generate O generate O +and O and O +ftp B-File_Type ftp O +all O all O +the O the O +cache B-File_Type cache O +files O files O +over O over O +. O . O + +Although O Although O +, O , O +the O the O +files O files O +blade B-Library blade O +attempts O attempts O +reference O reference O +during O during O +render O render O +time O time O +do O do O +n't O n't O +exist O exist O +and O and O +the O the O +files O files O +we O we O +are O are O +providing O providing O +are O are O +n't O n't O +picked O picked O +up O up O +by O by O +blade B-Library blade O +. O . O + +I O I O +appreciate O appreciate O +the O the O +help O help O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +46835501 O 46835501 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/46835501/ O https://stackoverflow.com/questions/46835501/ O + + +Clear O Clear O +Blade B-Library Blade O +cache O cache O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_6801 I-Code_Block A_6801 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Question_ID O Question_ID O +: O : O +7450608 O 7450608 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7450608/ O https://stackoverflow.com/questions/7450608/ O + + +I O I O +'m O 'm O +developing O developing O +a O a O +website O website O +using O using O +JSP B-Library JSP O +and O and O +Servlets B-Class Servlets O +using O using O +Apache B-Application Apache O +- I-Application - O +tomcat I-Application tomcat O +5.5 B-Version 5.5 O +as O as O +server B-Application server O +. O . O + +My O My O +application O application O +runs O runs O +fine O fine O +. O . O + +But O But O +whenever O whenever O +I O I O +leave O leave O +any O any O +webpage O webpage O +open O open O +and O and O +return O return O +back O back O +to O to O +it O it O +after O after O +some O some O +time O time O +say O say O +30minutes O 30minutes O +, O , O +and O and O +click O click O +on O on O +any O any O +button B-User_Interface_Element button O +or O or O +icon B-User_Interface_Element icon O +, O , O +it O it O +throws O throws O +error O error O +sayin O sayin O +- O - O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_589 I-Code_Block Q_589 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7450608 O 7450608 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7450608/ O https://stackoverflow.com/questions/7450608/ O + + +Sounds O Sounds O +like O like O +your O your O +session O session O +is O is O +timing O timing O +out O out O +. O . O + +You O You O +need O need O +to O to O +either O either O +force O force O +the O the O +user O user O +to O to O +login O login O +again O again O +, O , O +or O or O +extend O extend O +your O your O +session O session O +timeout O timeout O +. O . O + +You O You O +can O can O +change O change O +the O the O +session O session O +timeout O timeout O +by O by O +editing O editing O +your O your O +web.xml B-File_Name web.xml O +and O and O +adding O adding O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_859 I-Code_Block A_859 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Which O Which O +will O will O +give O give O +you O you O +a O a O +session O session O +timeout O timeout O +of O of O +60 O 60 O +minutes O minutes O +. O . O + +-1 B-Value -1 O +means O means O +there O there O +is O is O +no O no O +timeout O timeout O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +7450608 O 7450608 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/7450608/ O https://stackoverflow.com/questions/7450608/ O + + +OP_BLOCK B-Output_Block OP_BLOCK B-Output_Block +: I-Output_Block : I-Output_Block +( I-Output_Block ( I-Output_Block +output I-Output_Block output I-Output_Block +omitted I-Output_Block omitted I-Output_Block +for I-Output_Block for I-Output_Block +annotation I-Output_Block annotation I-Output_Block +) I-Output_Block ) I-Output_Block + +The O The O +symptom O symptom O +that O that O +this O this O +only O only O +occurs O occurs O +after O after O +a O a O +long O long O +time O time O +indeed O indeed O +indicates O indicates O +that O that O +the O the O +session O session O +has O has O +been O been O +timed O timed O +out O out O +. O . O + +But O But O +changing O changing O +the O the O +session O session O +timeout O timeout O +is O is O +not O not O +the O the O +right O right O +solution O solution O +. O . O + +You O You O +have O have O +actually O actually O +a O a O +bug O bug O +in O in O +your O your O +JSP B-Library JSP O +. O . O + +Because O Because O +you O you O +'re O 're O +using O using O +old O old O +fashioned O fashioned O +JSP B-Library JSP O +scriptlets B-File_Name scriptlets O +<% B-Code_Block <% B-Code_Block +%> I-Code_Block %> I-Code_Block +instead O instead O +of O of O +normal O normal O +Java B-Language Java O +classes O classes O +such O such O +as O as O +servlets B-Class servlets O +to O to O +control O control O +the O the O +request/response O request/response O +and O and O +do O do O +the O the O +business O business O +stuff O stuff O +in O in O +the O the O +JSP B-Library JSP O +, O , O +it O it O +'s O 's O +harder O harder O +to O to O +naildown O naildown O +the O the O +root O root O +cause O cause O +of O of O +the O the O +NullPointerException B-Error_Name NullPointerException B-Code_Block +. O . O + +You O You O +need O need O +to O to O +open O open O +the O the O +generated O generated O +homepage_jsp.java B-File_Name homepage_jsp.java B-Code_Block +in O in O +server B-Application server O +'s O 's O +work O work O +directory O directory O +and O and O +head O head O +to O to O +line O line O +107 O 107 O +and O and O +finally O finally O +trackback O trackback O +this O this O +line O line O +into O into O +your O your O +homepage.jsp B-File_Name homepage.jsp B-Code_Block +so O so O +that O that O +you O you O +can O can O +fix O fix O +the O the O +bug O bug O +. O . O + +Perhaps O Perhaps O +you O you O +need O need O +to O to O +do O do O +a O a O +request.getSession() B-Function request.getSession() B-Code_Block +instead O instead O +of O of O +request.getSession(false) B-Function request.getSession(false) B-Code_Block +, O , O +or O or O +you O you O +need O need O +to O to O +check O check O +if O if O +a O a O +session O session O +attribute O attribute O +is O is O +not O not O +null B-Value null B-Code_Block +before O before O +accessing O accessing O +it O it O +, O , O +etcetera O etcetera O +. O . O + +Question_ID O Question_ID O +: O : O +41259620 O 41259620 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/41259620/ O https://stackoverflow.com/questions/41259620/ O + + +Please O Please O +suggest O suggest O +me O me O +how O how O +can O can O +i O i O +configure O configure O +the O the O +orientdb B-Application orientdb O +with O with O +spring B-Library spring O +mvc B-Algorithm mvc O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5224 I-Code_Block Q_5224 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +I O I O +have O have O +added O added O +above O above O +code O code O +into O into O +my O my O +mvc-dispacher-servlet.xml B-File_Name mvc-dispacher-servlet.xml O +file O file O + +and O and O +i O i O +have O have O +added O added O +dependencies O dependencies O +also O also O +in O in O +to O to O +pom.xml B-File_Name pom.xml O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_5225 I-Code_Block Q_5225 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +My O My O +OrientDb B-Application OrientDb O +server I-Application server O +is O is O +2.2.13 B-Version 2.2.13 O +version O version O +which O which O +is O is O +latest O latest O +. O . O + +help O help O +me O me O +in O in O +configuring O configuring O +it.if O it.if O +possible O possible O +suggest O suggest O +a O a O +sample O sample O +project O project O +URL O URL O +also O also O +. O . O + +Thank O Thank O +You O You O + +Question_ID O Question_ID O +: O : O +1273116 O 1273116 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1273116/ O https://stackoverflow.com/questions/1273116/ O + + +I O I O +'m O 'm O +trying O trying O +to O to O +find O find O +an O an O +appropriate O appropriate O +way O way O +to O to O +read O read O +the O the O +contents O contents O +of O of O +an O an O +Excel B-File_Type Excel O +file O file O +on O on O +an O an O +NT B-Operating_System NT O +server I-Operating_System server O +operating O operating O +system O system O +. O . O + +I O I O +have O have O +numerous O numerous O +problems O problems O +using O using O +the O the O +Excel B-Application Excel O +API I-Application API O +and O and O +then O then O +came O came O +across O across O +the O the O +official O official O +Microsoft B-Website Microsoft O +on O on O +Office O Office O +Automation O Automation O +which O which O +states O states O +that O that O +the O the O +Excel B-Application Excel O +API I-Application API O +is O is O +not O not O +suitable O suitable O +for O for O +Excel B-Application Excel O +automation O automation O +. O . O + +The O The O +sorts O sorts O +issues O issues O +that O that O +I O I O +saw O saw O +were O were O +similar O similar O +to O to O +those O those O +described O described O +in O in O +the O the O +article O article O +. O . O + +Is O Is O +there O there O +another O another O +way O way O +that O that O +I O I O +can O can O +read O read O +an O an O +Excel B-File_Type Excel O +file O file O +( O ( O +xls B-File_Type xls O +, O , O +xlsx B-File_Type xlsx O +, O , O +xlsm B-File_Type xlsm O +) O ) O +on O on O +a O a O +server B-Application server O +( O ( O +no O no O +UI O UI O +) O ) O +in O in O +such O such O +a O a O +way O way O +that O that O +does O does O +n't O n't O +suffer O suffer O +the O the O +same O same O +sort O sort O +of O of O +threading/security/license O threading/security/license O +issues O issues O +imposed O imposed O +within O within O +the O the O +Excel B-Application Excel O +API I-Application API O +? O ? O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1273116 O 1273116 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1273116/ O https://stackoverflow.com/questions/1273116/ O + + +Excel B-Application Excel O +. O . O + +After O After O +of O of O +years O years O +of O of O +trying O trying O +to O to O +stop O stop O +folks O folks O +from O from O +using O using O +Excel B-Application Excel O +on O on O +the O the O +server B-Application server O +, O , O +they O they O +'ve O 've O +given O given O +up/embraced O up/embraced O +the O the O +market O market O +need O need O +and O and O +have O have O +started O started O +to O to O +support O support O +this O this O +. O . O + +2007 B-Version 2007 O +has O has O +some O some O +impovement O impovement O +for O for O +this O this O +, O , O +and O and O +Excel B-Application Excel O +2010 B-Version 2010 O +is O is O +supposed O supposed O +to O to O +have O have O +even O even O +more O more O +. O . O + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +1273116 O 1273116 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/1273116/ O https://stackoverflow.com/questions/1273116/ O + + +There O There O +were O were O +a O a O +number O number O +of O of O +libraries O libraries O +that O that O +were O were O +highlighted O highlighted O +by O by O +different O different O +users O users O +that O that O +would O would O +allow O allow O +the O the O +sort O sort O +of O of O +functionality O functionality O +required O required O +. O . O + +I O I O +'ve O 've O +listed O listed O +them O them O +here O here O +and O and O +some O some O +of O of O +these O these O +were O were O +evaluated O evaluated O +so O so O +where O where O +appropriate O appropriate O +I O I O +'ve O 've O +tried O tried O +to O to O +put O put O +down O down O +interesting O interesting O +comments O comments O +for O for O +comparing O comparing O +them O them O +. O . O + +The O The O +details O details O +I O I O +'ve O 've O +included O included O +are O are O +completely O completely O +opinion O opinion O +based O based O +, O , O +however O however O +any O any O +of O of O +these O these O +libraries O libraries O +would O would O +probably O probably O +achieve O achieve O +the O the O +required O required O +goal O goal O +. O . O + +SpreadsheetGear.Net B-Library SpreadsheetGear.Net O + +( O ( O +Did O Did O +n't O n't O +evaluate O evaluate O +due O due O +to O to O +high O high O +purchase O purchase O +cost O cost O +) O ) O + +Aspose.Cells B-Library Aspose.Cells O + +( O ( O +Evaluated O Evaluated O +by O by O +a O a O +collegue O collegue O +. O . O + +Appeared O Appeared O +to O to O +be O be O +fairly O fairly O +simple O simple O +to O to O +implement O implement O +, O , O +performance O performance O +comparable O comparable O +to O to O +Excel B-Application Excel O +Interop O Interop O +) O ) O +. O . O + +GemBox B-Library GemBox O + +( O ( O +Did O Did O +n't O n't O +evaluate O evaluate O +) O ) O + +Excel B-Library Excel O +Services I-Library Services O + +( O ( O +Seems O Seems O +only O only O +to O to O +be O be O +included O included O +in O in O +SharePoint B-Application SharePoint O +2007 B-Version 2007 O +) O ) O + +Excel B-Library Excel O +Mapper I-Library Mapper O + +( O ( O +Did O Did O +n't O n't O +evaluate O evaluate O +because O because O +it O it O +requires O requires O +strongly O strongly O +typed O typed O +objects O objects O +to O to O +import O import O +into O into O +which O which O +did O did O +n't O n't O +fit O fit O +my O my O +requirement O requirement O +) O ) O +. O . O + +SmartXls B-Library SmartXls O + +( O ( O +Did O Did O +n't O n't O +evaluate O evaluate O +because O because O +it O it O +requires O requires O +strongly O strongly O +typed O typed O +objects O objects O +to O to O +import O import O +into O into O +which O which O +did O did O +n't O n't O +fit O fit O +my O my O +requirement O requirement O +) O ) O +. O . O + +ActiveXls B-Library ActiveXls O + +( O ( O +Fairly O Fairly O +easy O easy O +to O to O +use O use O +, O , O +lack O lack O +of O of O +Properties O Properties O +raises O raises O +questions O questions O +, O , O +they O they O +have O have O +a O a O +preference O preference O +of O of O +Methods O Methods O +for O for O +trivial O trivial O +actions O actions O +. O . O + +Despite O Despite O +it O it O +'s O 's O +claim O claim O +of O of O +1M O 1M O +records O records O +a O a O +second O second O +was O was O +out O out O +performed O performed O +by O by O +cheaper O cheaper O +FlexCel B-Library FlexCel O +. O . O + +Have O Have O +decided O decided O +that O that O +the O the O +help/API O help/API O +manual O manual O +is O is O +almost O almost O +useless O useless O +. O . O +) O ) O + +Koogra B-Library Koogra O + +( O ( O +Did O Did O +n't O n't O +evaluate O evaluate O +due O due O +to O to O +finding O finding O +no O no O +documentations/information O documentations/information O +) O ) O + +FileHelpers B-Library FileHelpers O + +( O ( O +Did O Did O +n't O n't O +evaluate O evaluate O +) O ) O + +Flexcel B-Library Flexcel O + +( O ( O +Lowest O Lowest O +cost O cost O +solution O solution O +found O found O +, O , O +good O good O +performance O performance O +and O and O +was O was O +simple O simple O +to O to O +implement O implement O +with O with O +a O a O +close O close O +proximity O proximity O +to O to O +Excel B-Application Excel O +Interop O Interop O +structure O structure O +. O . O + +Also O Also O +received O received O +quick O quick O +response O response O +to O to O +technical O technical O +question O question O +from O from O +support O support O +. O . O + +Probably O Probably O +my O my O +pick O pick O +of O of O +the O the O +bunch O bunch O +. O . O +) O ) O + +SyncFusion B-Library SyncFusion O +BackOffice I-Library BackOffice O + +( O ( O +Medium O Medium O +cost O cost O +and O and O +had O had O +a O a O +reasonable O reasonable O +structure O structure O +. O . O + +Unfortunately O Unfortunately O +had O had O +more O more O +difficulty O difficulty O +implementing O implementing O +and O and O +inconsistent O inconsistent O +results O results O +when O when O +running O running O +unit O unit O +tests O tests O +. O . O + +Also O Also O +received O received O +a O a O +number O number O +of O of O +' B-Error_Name ' O +Attempted I-Error_Name Attempted O +to I-Error_Name to O +read I-Error_Name read O +protected I-Error_Name protected O +memory I-Error_Name memory O +' B-Error_Name ' O +errors I-Error_Name errors O +, O , O +which O which O +did O did O +n't O n't O +encourage O encourage O +me O me O +with O with O +purely O purely O +managed O managed O +library O library O +. O . O +) O ) O + +Question_ID O Question_ID O +: O : O +27493928 O 27493928 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27493928/ O https://stackoverflow.com/questions/27493928/ O + + +I O I O +have O have O +tried O tried O +a O a O +few O few O +really O really O +basic O basic O +css B-Language css O +hovers B-Function hovers O +which O which O +work O work O +on O on O +all O all O +browsers B-Application browsers O +except O except O +ie10 B-Application ie10 O +. O . O + +My O My O +question O question O +now O now O +is O is O +what O what O +is O is O +going O going O +on O on O +? O ? O + +It O It O +only O only O +works O works O +on O on O +anchor O anchor O +tags O tags O +. O . O + +Is O Is O +there O there O +any O any O +work-around O work-around O +? O ? O + +I O I O +tried O tried O +specifying O specifying O +a O a O +background-color B-Variable background-color O +but O but O +that O that O +doesnt O doesnt O +work O work O +. O . O + +I O I O +read O read O +a O a O +lot O lot O +on O on O +stackoverflow B-Website stackoverflow O +but O but O +non O non O +of O of O +it O it O +seems O seems O +to O to O +be O be O +related O related O +to O to O +my O my O +problem O problem O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +Q_3184 I-Code_Block Q_3184 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +27493928 O 27493928 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27493928/ O https://stackoverflow.com/questions/27493928/ O + + +Not O Not O +sure O sure O +if O if O +this O this O +answers O answers O +your O your O +question O question O +but O but O +the O the O +code O code O +below O below O +works O works O +for O for O +me O me O +( O ( O +IE10 B-Application IE10 O +, O , O +Win7 B-Operating_System Win7 O +on O on O +Virtual B-Application Virtual O +Machine I-Application Machine O +) O ) O + +Another O Another O +option O option O +is O is O +to O to O +use O use O +Javascript B-Language Javascript O +. O . O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_3813 I-Code_Block A_3813 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Answer_to_Question_ID O Answer_to_Question_ID O +: O : O +27493928 O 27493928 O + +Question_URL O Question_URL O +: O : O +https://stackoverflow.com/questions/27493928/ O https://stackoverflow.com/questions/27493928/ O + + +I O I O +finally O finally O +found O found O +out O out O +what O what O +was O was O +wrong O wrong O +! O ! O + +The O The O +answer O answer O +is O is O +so O so O +retarded O retarded O +that O that O +I O I O +did O did O +n't O n't O +belive O belive O +it O it O +would O would O +work O work O +but O but O +it O it O +did O did O +. O . O + +Simply O Simply O +add O add O +this O this O +at O at O +the O the O +page O page O +beginning O beginning O +( O ( O +before O before O + B-HTML_XML_Tag B-Code_Block +tag O tag O +) O ) O +: O : O + +CODE_BLOCK B-Code_Block CODE_BLOCK B-Code_Block +: I-Code_Block : I-Code_Block +A_4202 I-Code_Block A_4202 I-Code_Block +( I-Code_Block ( I-Code_Block +code I-Code_Block code I-Code_Block +omitted I-Code_Block omitted I-Code_Block +for I-Code_Block for I-Code_Block +annotation I-Code_Block annotation I-Code_Block +) I-Code_Block ) I-Code_Block + +Yep O Yep O +, O , O +Internet B-Application Internet O +Explorer. I-Application Explorer. O +. O . O + +Otherwise O Otherwise O +the O the O +:hover B-Function :hover B-Code_Block +works O works O +only O only O +on O on O + B-HTML_XML_Tag B-Code_Block +and O and O +