text1
stringlengths 0
536k
| text2
stringlengths 0
536k
| label
int64 0
1
|
---|---|---|
<h3 dir="auto">Version</h3>
<p dir="auto">2.6.11</p>
<h3 dir="auto">Reproduction link</h3>
<p dir="auto"><a href="https://jsfiddle.net/cdzos023/" rel="nofollow">https://jsfiddle.net/cdzos023/</a></p>
<h3 dir="auto">Steps to reproduce</h3>
<p dir="auto">See fiddle.</p>
<hr>
<p dir="auto">Since upgrading to Vue 3 is not currently a viable option, I perform a small hack to make my class (which is a subclass of Array) reactive while maintaining its identity. This, however, results in an error when I try to call <code class="notranslate">sort</code> on it.</p>
<p dir="auto">A simple fix could be checking if <code class="notranslate">ob</code> is defined before attempting to access any of its members.<br>
</p><div class="Box Box--condensed my-2">
<div class="Box-header f6">
<p class="mb-0 text-bold">
<a href="https://github.com/vuejs/vue/blob/e7cf0634f59d0edd472c48792e371b91a8c55af7/src/core/observer/array.js#L40">vue/src/core/observer/array.js</a>
</p>
<p class="mb-0 color-fg-muted">
Line 40
in
<a data-pjax="true" class="commit-tease-sha" href="/vuejs/vue/commit/e7cf0634f59d0edd472c48792e371b91a8c55af7">e7cf063</a>
</p>
</div>
<div itemprop="text" class="Box-body p-0 blob-wrapper blob-wrapper-embedded data">
<table class="highlight tab-size mb-0 js-file-line-container" data-tab-size="8" data-paste-markdown-skip="">
<tbody><tr class="border-0">
<td id="L40" class="blob-num border-0 px-3 py-0 color-bg-default" data-line-number="40"></td>
<td id="LC40" class="blob-code border-0 px-3 py-0 color-bg-default blob-code-inner js-file-line"> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">inserted</span><span class="pl-kos">)</span> <span class="pl-s1">ob</span><span class="pl-kos">.</span><span class="pl-en">observeArray</span><span class="pl-kos">(</span><span class="pl-s1">inserted</span><span class="pl-kos">)</span> </td>
</tr>
</tbody></table>
</div>
</div>
<br>
<div class="Box Box--condensed my-2">
<div class="Box-header f6">
<p class="mb-0 text-bold">
<a href="https://github.com/vuejs/vue/blob/e7cf0634f59d0edd472c48792e371b91a8c55af7/src/core/observer/array.js#L42">vue/src/core/observer/array.js</a>
</p>
<p class="mb-0 color-fg-muted">
Line 42
in
<a data-pjax="true" class="commit-tease-sha" href="/vuejs/vue/commit/e7cf0634f59d0edd472c48792e371b91a8c55af7">e7cf063</a>
</p>
</div>
<div itemprop="text" class="Box-body p-0 blob-wrapper blob-wrapper-embedded data">
<table class="highlight tab-size mb-0 js-file-line-container" data-tab-size="8" data-paste-markdown-skip="">
<tbody><tr class="border-0">
<td id="L42" class="blob-num border-0 px-3 py-0 color-bg-default" data-line-number="42"></td>
<td id="LC42" class="blob-code border-0 px-3 py-0 color-bg-default blob-code-inner js-file-line"> <span class="pl-s1">ob</span><span class="pl-kos">.</span><span class="pl-c1">dep</span><span class="pl-kos">.</span><span class="pl-en">notify</span><span class="pl-kos">(</span><span class="pl-kos">)</span> </td>
</tr>
</tbody></table>
</div>
</div>
<p></p> | <h3 dir="auto">Version</h3>
<p dir="auto">2.5.21</p>
<h3 dir="auto">Reproduction link</h3>
<p dir="auto"><a href="https://codepen.io/AmrIKhudair/pen/NevxML" rel="nofollow">https://codepen.io/AmrIKhudair/pen/NevxML</a></p>
<h3 dir="auto">Steps to reproduce</h3>
<p dir="auto">1- create a class extending Array and add a custom method<br>
2- instantiate a new instance of the class and add it to data<br>
3- try to call the method on the instance in the template</p>
<h3 dir="auto">What is expected?</h3>
<p dir="auto">The method is successfully executed</p>
<h3 dir="auto">What is actually happening?</h3>
<p dir="auto">Error not a function</p> | 1 |
<h1 dir="auto"><g-emoji class="g-emoji" alias="bug" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/1f41b.png">🐛</g-emoji> Bug</h1>
<p dir="auto"><a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/sshleifer/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/sshleifer">@sshleifer</a></p>
<p dir="auto">I'm using BART model (bart-large), when I try to use the BartForMaskedLM i'm getting the above error. The reason is that in the _combine_masks (line 146 in modeling_bart) is creating a tensor without the device. so by default it is on CPU. To reproduce - simply use BartForMaskedLM model with GPU.<br>
can you help? am I missing anything?</p>
<h2 dir="auto">Additional details:</h2>
<ul dir="auto">
<li><code class="notranslate">transformers</code> version: 2.5.1</li>
<li>Python version: 3.7.4</li>
<li>PyTorch version (GPU?): 1.3.0 (with GPU)</li>
<li>Using GPU in script?: yes</li>
<li>Using distributed or parallel set-up in script?: no</li>
</ul>
<p dir="auto">stuck trace:<br>
File "/specific/netapp5_2/gamir/adi/git/BERTese/lama/training.py", line 151, in train_and_eval<br>
outputs = model(b_in_tensor, lm_labels=b_label_tensor)<br>
File "/specific/netapp5_2/gamir/adi/miniconda3/envs/trans_py37/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in <strong>call</strong><br>
result = self.forward(*input, **kwargs)<br>
File "/specific/netapp5_2/gamir/adi/miniconda3/envs/trans_py37/lib/python3.7/site-packages/transformers/modeling_bart.py", line 925, in forward<br>
decoder_cached_states=decoder_cached_states,<br>
File "/specific/netapp5_2/gamir/adi/miniconda3/envs/trans_py37/lib/python3.7/site-packages/transformers/modeling_bart.py", line 844, in forward<br>
decoder_cached_states=decoder_cached_states,<br>
File "/specific/netapp5_2/gamir/adi/miniconda3/envs/trans_py37/lib/python3.7/site-packages/transformers/modeling_bart.py", line 499, in forward<br>
need_attn_weights=self.output_attentions,<br>
File "/specific/netapp5_2/gamir/adi/miniconda3/envs/trans_py37/lib/python3.7/site-packages/transformers/modeling_bart.py", line 372, in forward<br>
attn_mask=attention_mask,<br>
File "/specific/netapp5_2/gamir/adi/miniconda3/envs/trans_py37/lib/python3.7/site-packages/transformers/modeling_bart.py", line 629, in forward<br>
attn_weights = attn_weights.view(bsz, self.num_heads, tgt_len, src_len) + attn_mask<br>
RuntimeError: expected device cuda:0 but got device cpu</p>
<p dir="auto">Thanks,<br>
Adi.</p> | <h1 dir="auto"><g-emoji class="g-emoji" alias="bug" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/1f41b.png">🐛</g-emoji> Bug</h1>
<h2 dir="auto">Information</h2>
<p dir="auto">Model I am using (Bert, XLNet ...): BART - bart-large</p>
<p dir="auto">Language I am using the model on (English, Chinese ...): English</p>
<p dir="auto">The problem arises when using:</p>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> the official example scripts: (give details below)</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> my own modified scripts: (give details below)</li>
</ul>
<p dir="auto">The tasks I am working on is:</p>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> an official GLUE/SQUaD task: (give the name)</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> my own task or dataset: (give details below)</li>
</ul>
<h2 dir="auto">To reproduce</h2>
<p dir="auto">Steps to reproduce the behavior:</p>
<ol dir="auto">
<li>Load model</li>
<li>Tokenize text</li>
<li>Send model and tensor to cuda</li>
<li>Forward the model</li>
</ol>
<div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="from transformers import BartConfig, BartTokenizer, BartForMaskedLM, BartModel
configuration = BartConfig()
tokenizer_class = BartTokenizer
model_class = BartForMaskedLM(configuration)
tokenizer = tokenizer_class.from_pretrained('bart-large')
model = model_class.from_pretrained('bart-large')
model.eval()
model.to('cuda')
tokens = tokenizer.encode("Text example to test natural language generation with bart.")
input_ids = torch.tensor([tokens])
input_ids = input_ids.to('cuda')
with torch.no_grad():
last_hidden_states = model(input_ids)[0]
print("Len tokens:", len(tokens))
print("Shape last hidden states:", last_hidden_states.shape)"><pre class="notranslate"><span class="pl-k">from</span> <span class="pl-s1">transformers</span> <span class="pl-k">import</span> <span class="pl-v">BartConfig</span>, <span class="pl-v">BartTokenizer</span>, <span class="pl-v">BartForMaskedLM</span>, <span class="pl-v">BartModel</span>
<span class="pl-s1">configuration</span> <span class="pl-c1">=</span> <span class="pl-v">BartConfig</span>()
<span class="pl-s1">tokenizer_class</span> <span class="pl-c1">=</span> <span class="pl-v">BartTokenizer</span>
<span class="pl-s1">model_class</span> <span class="pl-c1">=</span> <span class="pl-v">BartForMaskedLM</span>(<span class="pl-s1">configuration</span>)
<span class="pl-s1">tokenizer</span> <span class="pl-c1">=</span> <span class="pl-s1">tokenizer_class</span>.<span class="pl-en">from_pretrained</span>(<span class="pl-s">'bart-large'</span>)
<span class="pl-s1">model</span> <span class="pl-c1">=</span> <span class="pl-s1">model_class</span>.<span class="pl-en">from_pretrained</span>(<span class="pl-s">'bart-large'</span>)
<span class="pl-s1">model</span>.<span class="pl-en">eval</span>()
<span class="pl-s1">model</span>.<span class="pl-en">to</span>(<span class="pl-s">'cuda'</span>)
<span class="pl-s1">tokens</span> <span class="pl-c1">=</span> <span class="pl-s1">tokenizer</span>.<span class="pl-en">encode</span>(<span class="pl-s">"Text example to test natural language generation with bart."</span>)
<span class="pl-s1">input_ids</span> <span class="pl-c1">=</span> <span class="pl-s1">torch</span>.<span class="pl-en">tensor</span>([<span class="pl-s1">tokens</span>])
<span class="pl-s1">input_ids</span> <span class="pl-c1">=</span> <span class="pl-s1">input_ids</span>.<span class="pl-en">to</span>(<span class="pl-s">'cuda'</span>)
<span class="pl-k">with</span> <span class="pl-s1">torch</span>.<span class="pl-en">no_grad</span>():
<span class="pl-s1">last_hidden_states</span> <span class="pl-c1">=</span> <span class="pl-en">model</span>(<span class="pl-s1">input_ids</span>)[<span class="pl-c1">0</span>]
<span class="pl-en">print</span>(<span class="pl-s">"Len tokens:"</span>, <span class="pl-en">len</span>(<span class="pl-s1">tokens</span>))
<span class="pl-en">print</span>(<span class="pl-s">"Shape last hidden states:"</span>, <span class="pl-s1">last_hidden_states</span>.<span class="pl-s1">shape</span>)</pre></div>
<p dir="auto">This code raises the following error:</p>
<div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="---------------------------------------------------------------------------
RuntimeError Traceback (most recent call last)
<ipython-input-24-3bba66ed6aeb> in <module>
3
4 with torch.no_grad():
----> 5 last_hidden_states = model(input_ids)[0]
6
7 print("Len tokens:", len(tokens))
~/projects/p130-nlg/.conda/envs/p130-nlg-env-kgpubart/lib/python3.6/site-packages/torch/nn/modules/module.py in __call__(self, *input, **kwargs)
530 result = self._slow_forward(*input, **kwargs)
531 else:
--> 532 result = self.forward(*input, **kwargs)
533 for hook in self._forward_hooks.values():
534 hook_result = hook(self, input, result)
~/projects/p130-nlg/.conda/envs/p130-nlg-env-kgpubart/lib/python3.6/site-packages/transformers/modeling_bart.py in forward(self, input_ids, attention_mask, encoder_outputs, decoder_input_ids, decoder_attention_mask, decoder_cached_states, lm_labels, **unused)
923 encoder_outputs=encoder_outputs,
924 decoder_attention_mask=decoder_attention_mask,
--> 925 decoder_cached_states=decoder_cached_states,
926 )
927 lm_logits = self.lm_head.forward(outputs[0])
~/projects/p130-nlg/.conda/envs/p130-nlg-env-kgpubart/lib/python3.6/site-packages/transformers/modeling_bart.py in forward(self, input_ids, attention_mask, decoder_input_ids, encoder_outputs, decoder_attention_mask, decoder_cached_states)
842 attention_mask,
843 decoder_attn_mask,
--> 844 decoder_cached_states=decoder_cached_states,
845 )
846 # Attention and hidden_states will be [] or None if they aren't needed
~/projects/p130-nlg/.conda/envs/p130-nlg-env-kgpubart/lib/python3.6/site-packages/transformers/modeling_bart.py in forward(self, input_ids, encoder_hidden_states, encoder_padding_mask, combined_mask, decoder_cached_states, **unused)
497 decoder_cached_states=layer_state,
498 attention_mask=combined_mask,
--> 499 need_attn_weights=self.output_attentions,
500 )
501 if self.output_past:
~/projects/p130-nlg/.conda/envs/p130-nlg-env-kgpubart/lib/python3.6/site-packages/transformers/modeling_bart.py in forward(self, x, encoder_hidden_states, encoder_attn_mask, decoder_cached_states, attention_mask, need_attn_weights)
370 decoder_cached_states=decoder_cached_states,
371 need_weights=need_attn_weights,
--> 372 attn_mask=attention_mask,
373 )
374 x = F.dropout(x, p=self.dropout, training=self.training)
~/projects/p130-nlg/.conda/envs/p130-nlg-env-kgpubart/lib/python3.6/site-packages/transformers/modeling_bart.py in forward(self, query, key, value, key_padding_mask, decoder_cached_states, need_weights, static_kv, attn_mask)
627
628 if attn_mask is not None:
--> 629 attn_weights = attn_weights.view(bsz, self.num_heads, tgt_len, src_len) + attn_mask
630 attn_weights = attn_weights.view(bsz * self.num_heads, tgt_len, src_len)
631
RuntimeError: expected device cuda:0 but got device cpu"><pre class="notranslate"><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span>
<span class="pl-v">RuntimeError</span> <span class="pl-v">Traceback</span> (<span class="pl-s1">most</span> <span class="pl-s1">recent</span> <span class="pl-s1">call</span> <span class="pl-s1">last</span>)
<span class="pl-c1"><</span><span class="pl-s1">ipython</span><span class="pl-c1">-</span><span class="pl-s1">input</span><span class="pl-c1">-</span><span class="pl-c1">24</span><span class="pl-c1">-</span><span class="pl-c1">3</span><span class="pl-s1">bba66ed6aeb</span><span class="pl-c1">></span> <span class="pl-s1">in</span> <span class="pl-c1"><</span><span class="pl-s1">module</span><span class="pl-c1">></span>
<span class="pl-c1">3</span>
<span class="pl-c1">4</span> <span class="pl-k">with</span> <span class="pl-s1">torch</span>.<span class="pl-en">no_grad</span>():
<span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">></span> <span class="pl-c1">5</span> <span class="pl-s1">last_hidden_states</span> <span class="pl-c1">=</span> <span class="pl-en">model</span>(<span class="pl-s1">input_ids</span>)[<span class="pl-c1">0</span>]
<span class="pl-c1">6</span>
<span class="pl-c1">7</span> <span class="pl-s1">print</span>(<span class="pl-s">"Len tokens:"</span>, <span class="pl-en">len</span>(<span class="pl-s1">tokens</span>))
<span class="pl-c1">~</span><span class="pl-c1">/</span><span class="pl-s1">projects</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">/</span>.<span class="pl-s1">conda</span><span class="pl-c1">/</span><span class="pl-s1">envs</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">-</span><span class="pl-s1">env</span><span class="pl-c1">-</span><span class="pl-s1">kgpubart</span><span class="pl-c1">/</span><span class="pl-s1">lib</span><span class="pl-c1">/</span><span class="pl-s1">python3</span>.<span class="pl-c1">6</span><span class="pl-c1">/</span><span class="pl-s1">site</span><span class="pl-c1">-</span><span class="pl-s1">packages</span><span class="pl-c1">/</span><span class="pl-s1">torch</span><span class="pl-c1">/</span><span class="pl-s1">nn</span><span class="pl-c1">/</span><span class="pl-s1">modules</span><span class="pl-c1">/</span><span class="pl-s1">module</span>.<span class="pl-s1">py</span> <span class="pl-c1">in</span> <span class="pl-en">__call__</span>(<span class="pl-s1">self</span>, <span class="pl-c1">*</span><span class="pl-s1">input</span>, <span class="pl-c1">**</span><span class="pl-s1">kwargs</span>)
<span class="pl-c1">530</span> <span class="pl-s1">result</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">_slow_forward</span>(<span class="pl-c1">*</span><span class="pl-s1">input</span>, <span class="pl-c1">**</span><span class="pl-s1">kwargs</span>)
<span class="pl-c1">531</span> <span class="pl-s1">else</span>:
<span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">></span> <span class="pl-c1">532</span> <span class="pl-s1">result</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">forward</span>(<span class="pl-c1">*</span><span class="pl-s1">input</span>, <span class="pl-c1">**</span><span class="pl-s1">kwargs</span>)
<span class="pl-c1">533</span> <span class="pl-k">for</span> <span class="pl-s1">hook</span> <span class="pl-c1">in</span> <span class="pl-s1">self</span>.<span class="pl-s1">_forward_hooks</span>.<span class="pl-en">values</span>():
<span class="pl-c1">534</span> <span class="pl-s1">hook_result</span> <span class="pl-c1">=</span> <span class="pl-en">hook</span>(<span class="pl-s1">self</span>, <span class="pl-s1">input</span>, <span class="pl-s1">result</span>)
<span class="pl-c1">~</span><span class="pl-c1">/</span><span class="pl-s1">projects</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">/</span>.<span class="pl-s1">conda</span><span class="pl-c1">/</span><span class="pl-s1">envs</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">-</span><span class="pl-s1">env</span><span class="pl-c1">-</span><span class="pl-s1">kgpubart</span><span class="pl-c1">/</span><span class="pl-s1">lib</span><span class="pl-c1">/</span><span class="pl-s1">python3</span>.<span class="pl-c1">6</span><span class="pl-c1">/</span><span class="pl-s1">site</span><span class="pl-c1">-</span><span class="pl-s1">packages</span><span class="pl-c1">/</span><span class="pl-s1">transformers</span><span class="pl-c1">/</span><span class="pl-s1">modeling_bart</span>.<span class="pl-s1">py</span> <span class="pl-c1">in</span> <span class="pl-en">forward</span>(<span class="pl-s1">self</span>, <span class="pl-s1">input_ids</span>, <span class="pl-s1">attention_mask</span>, <span class="pl-s1">encoder_outputs</span>, <span class="pl-s1">decoder_input_ids</span>, <span class="pl-s1">decoder_attention_mask</span>, <span class="pl-s1">decoder_cached_states</span>, <span class="pl-s1">lm_labels</span>, <span class="pl-c1">**</span><span class="pl-s1">unused</span>)
<span class="pl-c1">923</span> <span class="pl-s1">encoder_outputs</span><span class="pl-c1">=</span><span class="pl-s1">encoder_outputs</span>,
<span class="pl-c1">924</span> <span class="pl-s1">decoder_attention_mask</span><span class="pl-c1">=</span><span class="pl-s1">decoder_attention_mask</span>,
<span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">></span> <span class="pl-c1">925</span> <span class="pl-s1">decoder_cached_states</span><span class="pl-c1">=</span><span class="pl-s1">decoder_cached_states</span>,
<span class="pl-c1">926</span> )
<span class="pl-c1">927</span> <span class="pl-s1">lm_logits</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-s1">lm_head</span>.<span class="pl-en">forward</span>(<span class="pl-s1">outputs</span>[<span class="pl-c1">0</span>])
<span class="pl-c1">~</span><span class="pl-c1">/</span><span class="pl-s1">projects</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">/</span>.<span class="pl-s1">conda</span><span class="pl-c1">/</span><span class="pl-s1">envs</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">-</span><span class="pl-s1">env</span><span class="pl-c1">-</span><span class="pl-s1">kgpubart</span><span class="pl-c1">/</span><span class="pl-s1">lib</span><span class="pl-c1">/</span><span class="pl-s1">python3</span>.<span class="pl-c1">6</span><span class="pl-c1">/</span><span class="pl-s1">site</span><span class="pl-c1">-</span><span class="pl-s1">packages</span><span class="pl-c1">/</span><span class="pl-s1">transformers</span><span class="pl-c1">/</span><span class="pl-s1">modeling_bart</span>.<span class="pl-s1">py</span> <span class="pl-c1">in</span> <span class="pl-en">forward</span>(<span class="pl-s1">self</span>, <span class="pl-s1">input_ids</span>, <span class="pl-s1">attention_mask</span>, <span class="pl-s1">decoder_input_ids</span>, <span class="pl-s1">encoder_outputs</span>, <span class="pl-s1">decoder_attention_mask</span>, <span class="pl-s1">decoder_cached_states</span>)
<span class="pl-c1">842</span> <span class="pl-s1">attention_mask</span>,
<span class="pl-c1">843</span> <span class="pl-s1">decoder_attn_mask</span>,
<span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">></span> <span class="pl-c1">844</span> <span class="pl-s1">decoder_cached_states</span><span class="pl-c1">=</span><span class="pl-s1">decoder_cached_states</span>,
<span class="pl-c1">845</span> )
<span class="pl-c1">846</span> <span class="pl-c"># Attention and hidden_states will be [] or None if they aren't needed</span>
<span class="pl-c1">~</span><span class="pl-c1">/</span><span class="pl-s1">projects</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">/</span>.<span class="pl-s1">conda</span><span class="pl-c1">/</span><span class="pl-s1">envs</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">-</span><span class="pl-s1">env</span><span class="pl-c1">-</span><span class="pl-s1">kgpubart</span><span class="pl-c1">/</span><span class="pl-s1">lib</span><span class="pl-c1">/</span><span class="pl-s1">python3</span>.<span class="pl-c1">6</span><span class="pl-c1">/</span><span class="pl-s1">site</span><span class="pl-c1">-</span><span class="pl-s1">packages</span><span class="pl-c1">/</span><span class="pl-s1">transformers</span><span class="pl-c1">/</span><span class="pl-s1">modeling_bart</span>.<span class="pl-s1">py</span> <span class="pl-c1">in</span> <span class="pl-en">forward</span>(<span class="pl-s1">self</span>, <span class="pl-s1">input_ids</span>, <span class="pl-s1">encoder_hidden_states</span>, <span class="pl-s1">encoder_padding_mask</span>, <span class="pl-s1">combined_mask</span>, <span class="pl-s1">decoder_cached_states</span>, <span class="pl-c1">**</span><span class="pl-s1">unused</span>)
<span class="pl-c1">497</span> <span class="pl-s1">decoder_cached_states</span><span class="pl-c1">=</span><span class="pl-s1">layer_state</span>,
<span class="pl-c1">498</span> <span class="pl-s1">attention_mask</span><span class="pl-c1">=</span><span class="pl-s1">combined_mask</span>,
<span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">></span> <span class="pl-c1">499</span> <span class="pl-s1">need_attn_weights</span><span class="pl-c1">=</span><span class="pl-s1">self</span>.<span class="pl-s1">output_attentions</span>,
<span class="pl-c1">500</span> )
<span class="pl-c1">501</span> <span class="pl-k">if</span> <span class="pl-s1">self</span>.<span class="pl-s1">output_past</span>:
<span class="pl-c1">~</span><span class="pl-c1">/</span><span class="pl-s1">projects</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">/</span>.<span class="pl-s1">conda</span><span class="pl-c1">/</span><span class="pl-s1">envs</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">-</span><span class="pl-s1">env</span><span class="pl-c1">-</span><span class="pl-s1">kgpubart</span><span class="pl-c1">/</span><span class="pl-s1">lib</span><span class="pl-c1">/</span><span class="pl-s1">python3</span>.<span class="pl-c1">6</span><span class="pl-c1">/</span><span class="pl-s1">site</span><span class="pl-c1">-</span><span class="pl-s1">packages</span><span class="pl-c1">/</span><span class="pl-s1">transformers</span><span class="pl-c1">/</span><span class="pl-s1">modeling_bart</span>.<span class="pl-s1">py</span> <span class="pl-c1">in</span> <span class="pl-en">forward</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>, <span class="pl-s1">encoder_hidden_states</span>, <span class="pl-s1">encoder_attn_mask</span>, <span class="pl-s1">decoder_cached_states</span>, <span class="pl-s1">attention_mask</span>, <span class="pl-s1">need_attn_weights</span>)
<span class="pl-c1">370</span> <span class="pl-s1">decoder_cached_states</span><span class="pl-c1">=</span><span class="pl-s1">decoder_cached_states</span>,
<span class="pl-c1">371</span> <span class="pl-s1">need_weights</span><span class="pl-c1">=</span><span class="pl-s1">need_attn_weights</span>,
<span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">></span> <span class="pl-c1">372</span> <span class="pl-s1">attn_mask</span><span class="pl-c1">=</span><span class="pl-s1">attention_mask</span>,
<span class="pl-c1">373</span> )
<span class="pl-c1">374</span> <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-v">F</span>.<span class="pl-en">dropout</span>(<span class="pl-s1">x</span>, <span class="pl-s1">p</span><span class="pl-c1">=</span><span class="pl-s1">self</span>.<span class="pl-s1">dropout</span>, <span class="pl-s1">training</span><span class="pl-c1">=</span><span class="pl-s1">self</span>.<span class="pl-s1">training</span>)
<span class="pl-c1">~</span><span class="pl-c1">/</span><span class="pl-s1">projects</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">/</span>.<span class="pl-s1">conda</span><span class="pl-c1">/</span><span class="pl-s1">envs</span><span class="pl-c1">/</span><span class="pl-s1">p130</span><span class="pl-c1">-</span><span class="pl-s1">nlg</span><span class="pl-c1">-</span><span class="pl-s1">env</span><span class="pl-c1">-</span><span class="pl-s1">kgpubart</span><span class="pl-c1">/</span><span class="pl-s1">lib</span><span class="pl-c1">/</span><span class="pl-s1">python3</span>.<span class="pl-c1">6</span><span class="pl-c1">/</span><span class="pl-s1">site</span><span class="pl-c1">-</span><span class="pl-s1">packages</span><span class="pl-c1">/</span><span class="pl-s1">transformers</span><span class="pl-c1">/</span><span class="pl-s1">modeling_bart</span>.<span class="pl-s1">py</span> <span class="pl-c1">in</span> <span class="pl-en">forward</span>(<span class="pl-s1">self</span>, <span class="pl-s1">query</span>, <span class="pl-s1">key</span>, <span class="pl-s1">value</span>, <span class="pl-s1">key_padding_mask</span>, <span class="pl-s1">decoder_cached_states</span>, <span class="pl-s1">need_weights</span>, <span class="pl-s1">static_kv</span>, <span class="pl-s1">attn_mask</span>)
<span class="pl-c1">627</span>
<span class="pl-c1">628</span> <span class="pl-k">if</span> <span class="pl-s1">attn_mask</span> <span class="pl-c1">is</span> <span class="pl-c1">not</span> <span class="pl-c1">None</span>:
<span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">></span> <span class="pl-c1">629</span> <span class="pl-s1">attn_weights</span> <span class="pl-c1">=</span> <span class="pl-s1">attn_weights</span>.<span class="pl-en">view</span>(<span class="pl-s1">bsz</span>, <span class="pl-s1">self</span>.<span class="pl-s1">num_heads</span>, <span class="pl-s1">tgt_len</span>, <span class="pl-s1">src_len</span>) <span class="pl-c1">+</span> <span class="pl-s1">attn_mask</span>
<span class="pl-c1">630</span> <span class="pl-s1">attn_weights</span> <span class="pl-c1">=</span> <span class="pl-s1">attn_weights</span>.<span class="pl-en">view</span>(<span class="pl-s1">bsz</span> <span class="pl-c1">*</span> <span class="pl-s1">self</span>.<span class="pl-s1">num_heads</span>, <span class="pl-s1">tgt_len</span>, <span class="pl-s1">src_len</span>)
<span class="pl-c1">631</span>
<span class="pl-v">RuntimeError</span>: <span class="pl-s1">expected</span> <span class="pl-s1">device</span> <span class="pl-s1">cuda</span>:<span class="pl-c1">0</span> <span class="pl-s1">but</span> <span class="pl-s1">got</span> <span class="pl-s1">device</span> <span class="pl-s1">cpu</span></pre></div>
<p dir="auto">But I have tested this code with another examples (like GPT-2) and it works.</p>
<h2 dir="auto">Expected behavior</h2>
<p dir="auto">I would expect to get the tensor size, as with another models I have tested this code.</p>
<h2 dir="auto">Environment info</h2>
<ul dir="auto">
<li><code class="notranslate">transformers</code> version: 2.5.1</li>
<li>Platform: Linux</li>
<li>Python version: 3.6.7</li>
<li>PyTorch version (GPU?): 1.4.0. GPU: Yes</li>
<li>Tensorflow version (GPU?): No used</li>
<li>Using GPU in script?: Trying to</li>
<li>Using distributed or parallel set-up in script?: No</li>
</ul> | 1 |
<pre class="notranslate">I did a goinstall of a command and it installed it in (and created!) $GOROOT/bin instead
of using my $GOBIN setting.</pre> | <p dir="auto">by <strong><a href="mailto:[email protected]">[email protected]</a></strong>:</p>
<pre class="notranslate">go version go1.3 darwin/amd64
when reuse stmt struct to do "Query", "Exec", "QueryRow"
seems has bug.
mysql:
show global status like '%stmt%';
| Prepared_stmt_count | 7598 |
| Prepared_stmt_count | 7600 |
| Prepared_stmt_count | 7603 |
| Prepared_stmt_count | 7607 |
can't reuse prepared statement, the prepared_stmt_count increment till exceed
max_prepare_stmt in mysql.
<a href="http://golang.org/src/pkg/database/sql/sql.go?s=32373:33023#L1338" rel="nofollow">http://golang.org/src/pkg/database/sql/sql.go?s=32373:33023#L1338</a>
if all connection busy, then
<a href="http://golang.org/src/pkg/database/sql/sql.go?s=32373:33023#L1358" rel="nofollow">http://golang.org/src/pkg/database/sql/sql.go?s=32373:33023#L1358</a>
get a connection from pool, then call prepareLocked the prepare a new stmt .
but!!!!
if the connection in pool was just released by a another goroutine with a prepared stmt
stored in dc.openStmt,
then
<a href="http://golang.org/src/pkg/database/sql/sql.go?s=32373:33023#L251" rel="nofollow">http://golang.org/src/pkg/database/sql/sql.go?s=32373:33023#L251</a>
create a duplicate one....
codes:
<a href="http://play.golang.org/p/hxq1tyHS4e" rel="nofollow">http://play.golang.org/p/hxq1tyHS4e</a></pre> | 0 |
<p dir="auto"><strong>I'm submitting a ...</strong> (check one with "x")</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[ ] bug report => search github for a similar issue or PR before submitting
[ ] feature request
[ ] support request => Please do not submit support request here, instead see https://github.com/angular/angular/blob/master/CONTRIBUTING.md#question"><pre class="notranslate"><code class="notranslate">[ ] bug report => search github for a similar issue or PR before submitting
[ ] feature request
[ ] support request => Please do not submit support request here, instead see https://github.com/angular/angular/blob/master/CONTRIBUTING.md#question
</code></pre></div>
<p dir="auto"><strong>Current behavior</strong></p>
<p dir="auto"><strong>Expected behavior</strong></p>
<p dir="auto"><strong>Minimal reproduction of the problem with instructions</strong></p>
<p dir="auto"><strong>What is the motivation / use case for changing the behavior?</strong></p>
<p dir="auto"><strong>Please tell us about your environment:</strong></p>
<ul dir="auto">
<li><strong>Angular version:</strong> 2.0.X</li>
</ul>
<ul dir="auto">
<li><strong>Browser:</strong> [all | Chrome XX | Firefox XX | IE XX | Safari XX | Mobile Chrome XX | Android X.X Web Browser | iOS XX Safari | iOS XX UIWebView | iOS XX WKWebView ]</li>
</ul>
<ul dir="auto">
<li>
<p dir="auto"><strong>Language:</strong> [all | TypeScript X.X | ES6/7 | ES5]</p>
</li>
<li>
<p dir="auto"><strong>Node (for AoT issues):</strong> <code class="notranslate">node --version</code> =</p>
</li>
</ul> | <p dir="auto"><strong>I'm submitting a ...</strong> (check one with "x")</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[ ] bug report => search github for a similar issue or PR before submitting
[x] feature request
[ ] support request => Please do not submit support request here, instead see https://github.com/angular/angular/blob/master/CONTRIBUTING.md#question"><pre class="notranslate"><code class="notranslate">[ ] bug report => search github for a similar issue or PR before submitting
[x] feature request
[ ] support request => Please do not submit support request here, instead see https://github.com/angular/angular/blob/master/CONTRIBUTING.md#question
</code></pre></div>
<p dir="auto"><strong>Current behavior</strong><br>
With route reuse strategy that is supposed to not reuse a route (<code class="notranslate">shouldReuseRoute</code> returns <code class="notranslate">false</code>) a route is reloaded only if navigated URL is different (e.g. route param).</p>
<p dir="auto">Currently route component is refreshed only when another route link is navigated. It is not clear if it is a bug or a missing feature.</p>
<p dir="auto"><strong>Expected behavior</strong><br>
Route component is expected to be refreshed when any route link is navigated, including the current one.</p>
<p dir="auto"><strong>Minimal reproduction of the problem with instructions</strong><br>
<a href="http://plnkr.co/edit/yJy53kj433VgO0xtZOUl?p=info" rel="nofollow">A plunk</a> shows that route component is refreshed only when another route link is clicked.</p>
<p dir="auto"><strong>What is the motivation / use case for changing the behavior?</strong><br>
Restore <code class="notranslate">$route.reload()</code> functionality from Angular 1. Apparently, the only way to achieve it at this moment is to navigate to temporary route and back. See also <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="159303721" data-permission-text="Title is private" data-url="https://github.com/angular/angular/issues/9105" data-hovercard-type="issue" data-hovercard-url="/angular/angular/issues/9105/hovercard" href="https://github.com/angular/angular/issues/9105">#9105</a></p>
<ul dir="auto">
<li>
<p dir="auto"><strong>Angular version:</strong> 2.4.2</p>
</li>
<li>
<p dir="auto"><strong>Browser:</strong> [all]</p>
</li>
</ul>
<ul dir="auto">
<li><strong>Language:</strong> [all]</li>
</ul> | 0 |
<h1 dir="auto">Description</h1>
<p dir="auto">Because of usage of <code class="notranslate">realpath</code> in <code class="notranslate">Symfony\Bridge\Doctrine\DependencyInjection\AbstractDoctrineExtension</code>, entities from Phar-packages can't be loaded.</p>
<h1 dir="auto">Steps to reproduce</h1>
<ol dir="auto">
<li>Pack whole the framework with entities in Phar-package or just pack only own code into Phar.</li>
<li>Try to clear the cache or somehow use the entities-related features.</li>
<li>Say "hello" to <code class="notranslate">Doctrine\Common\Persistence\MappingException</code> with message <code class="notranslate">File mapping drivers must have a valid directory path, however the given path seems to be incorrect!</code></li>
</ol> | <p dir="auto">I was using <a href="https://github.com/BorisMorel/LdapBundle">https://github.com/BorisMorel/LdapBundle</a> before Symfony 2.8, but now with Symfony 3.1 I am using the built-in LDAP mechanism.</p>
<p dir="auto">One of the things I miss is the ability to pull in custom user fields from LDAP. For example I was pulling in email and fullname.</p>
<p dir="auto">Is there a way to do this with Symfony's LDAP component already? I looked at the documentation:<br>
<a href="http://symfony.com/blog/new-in-symfony-2-8-ldap-component" rel="nofollow">http://symfony.com/blog/new-in-symfony-2-8-ldap-component</a><br>
<a href="http://symfony.com/components/Ldap" rel="nofollow">http://symfony.com/components/Ldap</a> (this is blank!!! linked to from the above)<br>
<a href="http://symfony.com/doc/current/cookbook/security/ldap.html" rel="nofollow">http://symfony.com/doc/current/cookbook/security/ldap.html</a></p>
<p dir="auto">and couldn't find either an easy way to do it, or a guide on how to implement this myself if that is the desired way to do it.</p>
<p dir="auto">I propose two things:<br>
a) that the ldap component provide an easy way to configure additional fields to pull in<br>
b) that the documentation reflect this, or a cookbook is made on how to do it ourselves</p>
<p dir="auto">Thanks!</p> | 0 |
<h2 dir="auto">Bug Report</h2>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I would like to work on a fix!</li>
</ul>
<p dir="auto"><strong>Current behavior</strong></p>
<ul dir="auto">
<li><a href="https://babel.dev/repl#?browsers=defaults%2C%20not%20ie%2011%2C%20not%20ie_mob%2011&build=&builtIns=false&spec=false&loose=false&code_lz=MYGwhgzhAEDC0G8BQ1oQC5nQS2KgZtALzQCMKamOeC0wA9gHYT0gCmAdCPQOYAU6ABbYIHfABpoQkWPwBKaAF8KGLLmj5CJAEwqq62g2atO3ftNGbJF2fKV61eTVugBmJIqA&debug=false&forceAllTransforms=false&shippedProposals=false&circleciRepo=&evaluate=false&fileSize=false&timeTravel=false&sourceType=module&lineWrap=true&presets=env%2Creact%2Cstage-2&prettier=false&targets=&version=7.13.9&externalPlugins=%40babel%2Fplugin-proposal-class-properties%407.13.0%2C%40babel%2Fplugin-proposal-class-static-block%407.12.13" rel="nofollow">REPL</a></li>
</ul>
<p dir="auto">According to <a href="https://github.com/tc39/proposal-class-static-block">https://github.com/tc39/proposal-class-static-block</a></p>
<blockquote>
<p dir="auto">A class may have any number of static {} initialization blocks in its class body.<br>
static {} initialization blocks are evaluated in document order interleaved with static field initializers.</p>
</blockquote>
<p dir="auto"><strong>Input Code</strong></p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="class C {
static f = 1
static { console.log(this.f, this.ff) }
static ff = 2
static { console.log(this.ff, this.fff) }
static fff = 3
}"><pre class="notranslate"><span class="pl-k">class</span> <span class="pl-v">C</span> <span class="pl-kos">{</span>
<span class="pl-k">static</span> <span class="pl-c1">f</span> <span class="pl-c1">=</span> <span class="pl-c1">1</span>
<span class="pl-c1">static</span> <span class="pl-kos">{</span> <span class="pl-c1">console</span><span class="pl-kos">.</span><span class="pl-c1">log</span><span class="pl-kos">(</span><span class="pl-s1">this</span><span class="pl-kos">.</span><span class="pl-s1">f</span><span class="pl-kos">,</span> <span class="pl-s1">this</span><span class="pl-kos">.</span><span class="pl-s1">ff</span><span class="pl-kos">)</span> <span class="pl-kos">}</span>
<span class="pl-k">static</span> <span class="pl-c1">ff</span> <span class="pl-c1">=</span> <span class="pl-c1">2</span>
<span class="pl-c1">static</span> <span class="pl-kos">{</span> <span class="pl-c1">console</span><span class="pl-kos">.</span><span class="pl-c1">log</span><span class="pl-kos">(</span><span class="pl-s1">this</span><span class="pl-kos">.</span><span class="pl-s1">ff</span><span class="pl-kos">,</span> <span class="pl-s1">this</span><span class="pl-kos">.</span><span class="pl-s1">fff</span><span class="pl-kos">)</span> <span class="pl-kos">}</span>
<span class="pl-k">static</span> <span class="pl-c1">fff</span> <span class="pl-c1">=</span> <span class="pl-c1">3</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto"><strong>Expected behavior</strong></p>
<p dir="auto">Multiple block works fine. And the evaluate order follow the document order.</p>
<p dir="auto">But currently:</p>
<blockquote>
<p dir="auto">Duplicate static block in the same class (5:2)</p>
</blockquote>
<p dir="auto"><strong>Babel Configuration (babel.config.js, .babelrc, package.json#babel, cli command, .eslintrc)</strong></p>
<ul dir="auto">
<li>Filename: <code class="notranslate">babel.config.js</code></li>
</ul>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="{
"your": { "config": "here" }
}"><pre class="notranslate"><span class="pl-kos">{</span>
<span class="pl-s">"your"</span>: <span class="pl-kos">{</span> <span class="pl-s">"config"</span>: <span class="pl-s">"here"</span> <span class="pl-kos">}</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto"><strong>Environment</strong></p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=""><pre class="notranslate"><code class="notranslate">
</code></pre></div>
<ul dir="auto">
<li>Babel version(s): [e.g. v7.12.0]</li>
<li>Node/npm version: [e.g. Node 12/npm 7]</li>
<li>OS: [e.g. macOS 10.15.4, Windows 10]</li>
<li>Monorepo: [e.g. yes/no/Lerna]</li>
<li>How you are using Babel: [e.g. <code class="notranslate">webpack</code>, <code class="notranslate">rollup</code>, <code class="notranslate">parcel</code>, <code class="notranslate">babel-register</code>]</li>
</ul>
<p dir="auto"><strong>Possible Solution</strong></p>
<p dir="auto"><strong>Additional context</strong></p> | <p dir="auto"><a href="https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Statements/let" rel="nofollow">https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Statements/let</a></p>
<blockquote>
<p dir="auto">Redeclaration of the same variable in the same block scope raises a TypeError.</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="if (x) {
let foo;
let foo; // TypeError thrown.
}"><pre class="notranslate"><span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">x</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">let</span> <span class="pl-s1">foo</span><span class="pl-kos">;</span>
<span class="pl-k">let</span> <span class="pl-s1">foo</span><span class="pl-kos">;</span> <span class="pl-c">// TypeError thrown.</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto">However, function bodies do not have this limitation!</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="function do_something() {
let foo;
let foo; // This works fine.
}"><pre class="notranslate"><span class="pl-k">function</span> <span class="pl-en">do_something</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">let</span> <span class="pl-s1">foo</span><span class="pl-kos">;</span>
<span class="pl-k">let</span> <span class="pl-s1">foo</span><span class="pl-kos">;</span> <span class="pl-c">// This works fine.</span>
<span class="pl-kos">}</span></pre></div>
</blockquote>
<p dir="auto"><strong>Babel</strong></p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="function do_something() {
let foo;
let foo; // Duplicate declaration "foo"
}"><pre class="notranslate"><span class="pl-k">function</span> <span class="pl-en">do_something</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">let</span> <span class="pl-s1">foo</span><span class="pl-kos">;</span>
<span class="pl-k">let</span> <span class="pl-s1">foo</span><span class="pl-kos">;</span> <span class="pl-c">// Duplicate declaration "foo"</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto"><a href="https://babeljs.io/repl/#?experimental=true&evaluate=true&loose=true&spec=false&code=function%20do_something%28%29%20%7B%0A%20%20let%20foo%3B%0A%20%20let%20foo%3B%20%2F%2F%20This%20works%20fine.%0A%7D" rel="nofollow">https://babeljs.io/repl/#?experimental=true&evaluate=true&loose=true&spec=false&code=function%20do_something%28%29%20{%0A%20%20let%20foo%3B%0A%20%20let%20foo%3B%20%2F%2F%20This%20works%20fine.%0A}</a></p> | 0 |
<p dir="auto">I'm submitting a "feature request"</p>
<p dir="auto">FEATURE REQUEST: enable support "ngForIn"</p>
<p dir="auto">currenly, *ngFor can only support "of" keyword which loops array like iterables. "in" keyword will throw a parsing error.</p>
<p dir="auto"><strong>What is the motivation / use case for changing the behavior?</strong></p>
<ol dir="auto">
<li>"in" keyword is supported natively in JavaScript to iterate own (not inherited) property in objects.<br>
for example:</li>
</ol>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" for(let key in object){
console.log( object[key] );
}"><pre class="notranslate"><code class="notranslate"> for(let key in object){
console.log( object[key] );
}
</code></pre></div>
<ol start="2" dir="auto">
<li>
<p dir="auto">Using object key to store information rather than array will achieve O(1) lookup time. If the order of the information does not matter, object is arguably better data structure in many cases. However, if we return JSON that stores data purely in object format, we cannot use ngFor to iterate it, at least not before we convert.</p>
</li>
<li>
<p dir="auto">This concept has been found in firebase<br>
e.g.</p>
</li>
</ol>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="{
countries:["USA", "Canada"]
}
"><pre class="notranslate"><code class="notranslate">{
countries:["USA", "Canada"]
}
</code></pre></div>
<p dir="auto">*ngFor="let country of countries"</p>
<p dir="auto"> {{country }} </p>
.......(current support)
<p dir="auto">==>></p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="{
countries:{
USA:true,
Canada: true
}
}"><pre class="notranslate"><code class="notranslate">{
countries:{
USA:true,
Canada: true
}
}
</code></pre></div>
<p dir="auto">*ngFor="let country in countries"</p>
<p dir="auto">{{ country }}</p>
..... (requested feature)
<p dir="auto">These 2 will print exactly the same thing.</p> | <p dir="auto">I am trying to iterate over <a href="https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Global_Objects/Map" rel="nofollow">Map</a> values with the built in <code class="notranslate">ng-for</code>, but I can see that for some reason it is not working.</p>
<p dir="auto">In the specs, you can iterate over a Map iterable with:</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="let map = new Map();
let values = map.values();
for (let item of values) {
console.log(item);
}"><pre class="notranslate"><span class="pl-k">let</span> <span class="pl-s1">map</span> <span class="pl-c1">=</span> <span class="pl-k">new</span> <span class="pl-v">Map</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-k">let</span> <span class="pl-s1">values</span> <span class="pl-c1">=</span> <span class="pl-s1">map</span><span class="pl-kos">.</span><span class="pl-en">values</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-k">for</span> <span class="pl-kos">(</span><span class="pl-k">let</span> <span class="pl-s1">item</span> <span class="pl-k">of</span> <span class="pl-s1">values</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-smi">console</span><span class="pl-kos">.</span><span class="pl-en">log</span><span class="pl-kos">(</span><span class="pl-s1">item</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto">And none of the ES5 standard <code class="notranslate">for (...)</code>/<code class="notranslate">for (... in ...)</code> will work with that.</p>
<p dir="auto">Does the built in <code class="notranslate">ng-for</code> actually support iterating over maps?</p> | 1 |
<p dir="auto"><strong>Is your feature request related to a problem? Please describe.</strong></p>
<p dir="auto">New MeshPhysicalMaterial properties are not documented.</p>
<p dir="auto"><strong>Describe the solution you'd like</strong></p>
<p dir="auto">I'd like them to be documented <g-emoji class="g-emoji" alias="grin" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/1f601.png">😁</g-emoji> I'd do it myself but I don't know enough about the properties or implementation to describe them effectively. I'm particularly interested in how the attenuation color and implementation relates to the diffuse color and transmission properties.</p>
<p dir="auto"><strong>Describe alternatives you've considered</strong></p>
<p dir="auto"><g-emoji class="g-emoji" alias="sob" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/1f62d.png">😭</g-emoji></p>
<p dir="auto"><strong>Additional context</strong></p>
<p dir="auto">--</p> | <p dir="auto"><a href="https://ycw.github.io/glue/www/" rel="nofollow">0.137.5</a></p>
<h3 dir="auto">math/Quaternion</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> multiplyQuaternionsFlat</li>
</ul>
<h3 dir="auto">animation/PropertyMixer</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> cumulativeWeightAdditive</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> accumulateAdditive</li>
</ul>
<h3 dir="auto">audio/Audio</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> setDetune</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> getDetune</li>
</ul>
<h3 dir="auto">extras/ImageUtils</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> sRGBToLinear</li>
</ul>
<h3 dir="auto">lights/RectAreaLight</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> width</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> height</li>
</ul>
<h3 dir="auto">materials/MeshPhysicalMaterial</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> thickness</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> thicknessMap</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> attenuationDistance</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> attenuationColor</li>
</ul>
<h3 dir="auto">math/Matrix3</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> scale</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> rotate</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> translate</li>
</ul>
<h3 dir="auto">math/Triangle</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> isFrontFacing</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> getUV</li>
</ul>
<h3 dir="auto">renderers/webxr/WebXRManager</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> getFoveation</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> setFoveation</li>
</ul> | 1 |
<p dir="auto"><code class="notranslate">(?<!throw )Throwables.propagate\(</code> gives 40 occurrences in the codebase. Although most of them seem to be benign, I found only one that is buggy, in <code class="notranslate">HadoopConverterJob</code>.</p> | <p dir="auto"><code class="notranslate">(?<!throw )Throwables.propagate\(</code> regex gives 39 places in the Druid source code. See <a href="https://github.com/google/guava/wiki/Why-we-deprecated-Throwables.propagate#propagate-is-magic">https://github.com/google/guava/wiki/Why-we-deprecated-Throwables.propagate#propagate-is-magic</a>. Solution: refactor the code to not use Throwables.propagate().</p> | 1 |
<p dir="auto">Glide version 4.8.0, with okhttp3-integration 4.8.0</p>
<p dir="auto">Huawei P20 / 9.0.0.101(C00E82R1P21) GPU Turbo<br>
EMUI version 9.0.0</p>
<p dir="auto"><strong>Glide load line / <code class="notranslate">GlideModule</code> (if any) / list Adapter code (if any)</strong>:</p>
<div class="highlight highlight-source-java notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="GlideApp.with(imageView).load(url).into(imageView)`"><pre class="notranslate"><span class="pl-smi">GlideApp</span>.<span class="pl-en">with</span>(<span class="pl-s1">imageView</span>).<span class="pl-en">load</span>(<span class="pl-s1">url</span>).<span class="pl-en">into</span>(<span class="pl-s1">imageView</span>)`</pre></div>
<p dir="auto"><strong>Stack trace / LogCat</strong>:</p>
<div class="highlight highlight-source-ruby notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="2019-03-09 19:07:10.116 18407-18407/? A/DEBUG: *** *** *** *** *** *** *** *** *** *** *** *** *** *** *** ***
2019-03-09 19:07:10.116 18407-18407/? A/DEBUG: Build fingerprint: 'HUAWEI/EML-AL00/HWEML:9/HUAWEIEML-AL00/181C00R1:user/release-keys'
2019-03-09 19:07:10.116 18407-18407/? A/DEBUG: Revision: '0'
2019-03-09 19:07:10.116 18407-18407/? A/DEBUG: ABI: 'arm'
2019-03-09 19:07:10.116 18407-18407/? A/DEBUG: pid: 17940, tid: 18132, name: glide-disk-cach >>> com.qdaily.notch <<<
2019-03-09 19:07:10.116 18407-18407/? A/DEBUG: signal 11 (SIGSEGV), code 1 (SEGV_MAPERR), fault addr 0x52c00000
2019-03-09 19:07:10.116 18407-18407/? A/DEBUG: r0 52bfffdc r1 00000000 r2 00000087 r3 0000007f
2019-03-09 19:07:10.116 18407-18407/? A/DEBUG: r4 52bffffc r5 00000083 r6 00000087 r7 412775f6
2019-03-09 19:07:10.116 18407-18407/? A/DEBUG: r8 00000000 r9 00000000 r10 41307adf r11 0000021c
2019-03-09 19:07:10.116 18407-18407/? A/DEBUG: ip 00000080 sp becf8408 lr 00000084 pc eaa3fc0a
2019-03-09 19:07:10.345 621-3520/? E/uniperf server: uniPerfEvent doParse failed, cmdId=4402
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: backtrace:
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #00 pc 00159c0a /system/lib/libhwui.so (neon::memset32(unsigned int*, unsigned int, int)+38)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #01 pc 000f6eeb /system/lib/libhwui.so (SkSampler::Fill(SkImageInfo const&, void*, unsigned int, unsigned long long, SkCodec::ZeroInitialized)+146)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #02 pc 000f89f1 /system/lib/libhwui.so (SkSwizzler::fill(SkImageInfo const&, void*, unsigned int, unsigned long long, SkCodec::ZeroInitialized)+80)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #03 pc 000eb081 /system/lib/libhwui.so (SkCodec::fillIncompleteImage(SkImageInfo const&, void*, unsigned int, SkCodec::ZeroInitialized, int, int)+156)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #04 pc 000f6b85 /system/lib/libhwui.so (SkSampledCodec::sampledDecode(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const&)+872)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #05 pc 000f6635 /system/lib/libhwui.so (SkSampledCodec::onGetAndroidPixels(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const&)+660)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #06 pc 000e7253 /system/lib/libhwui.so (SkAndroidCodec::getAndroidPixels(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const*)+498)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #07 pc 000d7ccd /system/lib/libandroid_runtime.so (doDecode(_JNIEnv*, std::__1::unique_ptr<SkStreamRewindable, std::__1::default_delete<SkStreamRewindable>>, _jobject*, _jobject*, bool)+3460)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #08 pc 000d8fa1 /system/lib/libandroid_runtime.so (nativeDecodeStream(_JNIEnv*, _jobject*, _jobject*, _jbyteArray*, _jobject*, _jobject*)+80)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #09 pc 003f3cd3 /system/framework/arm/boot-framework.oat (offset 0x3ee000) (android.graphics.BitmapFactory.nativeDecodeStream [DEDUPED]+186)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #10 pc 00430375 /system/lib/libart.so (art_quick_invoke_stub_internal+68)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #11 pc 004092a3 /system/lib/libart.so (art_quick_invoke_static_stub+222)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #12 pc 000a4913 /system/lib/libart.so (art::ArtMethod::Invoke(art::Thread*, unsigned int*, unsigned int, art::JValue*, char const*)+154)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #13 pc 001ed6b7 /system/lib/libart.so (art::interpreter::ArtInterpreterToCompiledCodeBridge(art::Thread*, art::ArtMethod*, art::ShadowFrame*, unsigned short, art::JValue*)+230)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #14 pc 001e8329 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+784)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #15 pc 00404e17 /system/lib/libart.so (MterpInvokeStatic+130)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #16 pc 00423314 /system/lib/libart.so (ExecuteMterpImpl+14612)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #17 pc 0047a466 /system/framework/boot-framework.vdex (android.graphics.BitmapFactory.decodeStreamInternal+30)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #18 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #19 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #20 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #21 pc 00404e17 /system/lib/libart.so (MterpInvokeStatic+130)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #22 pc 00423314 /system/lib/libart.so (ExecuteMterpImpl+14612)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #23 pc 0047a380 /system/framework/boot-framework.vdex (android.graphics.BitmapFactory.decodeStream+176)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #24 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #25 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #26 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #27 pc 00404e17 /system/lib/libart.so (MterpInvokeStatic+130)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #28 pc 00423314 /system/lib/libart.so (ExecuteMterpImpl+14612)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #29 pc 00308ad6 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.Downsampler.decodeStream+54)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #30 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #31 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.465 18407-18407/? A/DEBUG: #32 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #33 pc 00404e17 /system/lib/libart.so (MterpInvokeStatic+130)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #34 pc 00423314 /system/lib/libart.so (ExecuteMterpImpl+14612)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #35 pc 00308a0e /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.Downsampler.decodeFromWrappedStreams+690)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #36 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #37 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #38 pc 001e920b /system/lib/libart.so (bool art::interpreter::DoCall<true, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+774)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #39 pc 00405f13 /system/lib/libart.so (MterpInvokeDirectRange+170)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #40 pc 00423594 /system/lib/libart.so (ExecuteMterpImpl+15252)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #41 pc 00308dc6 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.Downsampler.decode+210)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #42 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #43 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #44 pc 001e920b /system/lib/libart.so (bool art::interpreter::DoCall<true, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+774)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #45 pc 00405075 /system/lib/libart.so (MterpInvokeVirtualRange+424)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #46 pc 00423494 /system/lib/libart.so (ExecuteMterpImpl+14996)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #47 pc 00308cda /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.Downsampler.decode+14)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #48 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #49 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #50 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #51 pc 00403e37 /system/lib/libart.so (MterpInvokeVirtual+442)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #52 pc 00423194 /system/lib/libart.so (ExecuteMterpImpl+14228)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #53 pc 003074cc /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.ByteBufferBitmapDecoder.decode+12)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #54 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #55 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #56 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #57 pc 00403e37 /system/lib/libart.so (MterpInvokeVirtual+442)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #58 pc 00423194 /system/lib/libart.so (ExecuteMterpImpl+14228)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #59 pc 003074a4 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.ByteBufferBitmapDecoder.decode+4)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #60 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #61 pc 001d1563 /system/lib/libart.so (art::interpreter::EnterInterpreterFromEntryPoint(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*)+82)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #62 pc 003f39e3 /system/lib/libart.so (artQuickToInterpreterBridge+882)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #63 pc 004348ff /system/lib/libart.so (art_quick_to_interpreter_bridge+30)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #64 pc 0007f779 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodePath.decodeResourceWithList+320)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #65 pc 00020781 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodePath.decodeResource+152)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #66 pc 00023217 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodePath.decode+62)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #67 pc 0007fa47 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.LoadPath.loadWithExceptionList+198)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #68 pc 0003a6c1 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.LoadPath.load+160)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #69 pc 00022f7d /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.runLoadPath+204)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #70 pc 0000a031 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.decodeFromFetcher+96)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #71 pc 000186a9 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.decodeFromData+112)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #72 pc 000110dd /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.decodeFromRetrievedData+372)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #73 pc 00009f17 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.onDataFetcherReady+270)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #74 pc 00430375 /system/lib/libart.so (art_quick_invoke_stub_internal+68)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #75 pc 004091a1 /system/lib/libart.so (art_quick_invoke_stub+224)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #76 pc 000a4901 /system/lib/libart.so (art::ArtMethod::Invoke(art::Thread*, unsigned int*, unsigned int, art::JValue*, char const*)+136)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #77 pc 001ed6b7 /system/lib/libart.so (art::interpreter::ArtInterpreterToCompiledCodeBridge(art::Thread*, art::ArtMethod*, art::ShadowFrame*, unsigned short, art::JValue*)+230)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #78 pc 001e9225 /system/lib/libart.so (bool art::interpreter::DoCall<true, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+800)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #79 pc 00405c65 /system/lib/libart.so (MterpInvokeInterfaceRange+1020)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #80 pc 00423694 /system/lib/libart.so (ExecuteMterpImpl+15508)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #81 pc 002f8fd6 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.engine.DataCacheGenerator.onDataReady+26)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #82 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #83 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #84 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #85 pc 00404a05 /system/lib/libart.so (MterpInvokeInterface+1024)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #86 pc 00423394 /system/lib/libart.so (ExecuteMterpImpl+14740)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #87 pc 0030330c /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.model.ByteBufferFileLoader$ByteBufferFetcher.loadData+16)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #88 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #89 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #90 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #91 pc 00404a05 /system/lib/libart.so (MterpInvokeInterface+1024)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #92 pc 00423394 /system/lib/libart.so (ExecuteMterpImpl+14740)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #93 pc 002f8ea4 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.engine.DataCacheGenerator.startNext+192)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #94 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #95 pc 001d1563 /system/lib/libart.so (art::interpreter::EnterInterpreterFromEntryPoint(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*)+82)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #96 pc 003f39e3 /system/lib/libart.so (artQuickToInterpreterBridge+882)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #97 pc 004348ff /system/lib/libart.so (art_quick_to_interpreter_bridge+30)
2019-03-09 19:07:10.466 18407-18407/? A/DEBUG: #98 pc 0001901b /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.runGenerators+146)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #99 pc 00018969 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.runWrapped+416)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #100 pc 0002eee9 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.run+112)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #101 pc 00430375 /system/lib/libart.so (art_quick_invoke_stub_internal+68)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #102 pc 004091a1 /system/lib/libart.so (art_quick_invoke_stub+224)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #103 pc 000a4901 /system/lib/libart.so (art::ArtMethod::Invoke(art::Thread*, unsigned int*, unsigned int, art::JValue*, char const*)+136)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #104 pc 001ed6b7 /system/lib/libart.so (art::interpreter::ArtInterpreterToCompiledCodeBridge(art::Thread*, art::ArtMethod*, art::ShadowFrame*, unsigned short, art::JValue*)+230)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #105 pc 001e8329 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+784)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #106 pc 00404a05 /system/lib/libart.so (MterpInvokeInterface+1024)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #107 pc 00423394 /system/lib/libart.so (ExecuteMterpImpl+14740)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #108 pc 00125f8c /system/framework/boot.vdex (java.util.concurrent.ThreadPoolExecutor.runWorker+162)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #109 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #110 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #111 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #112 pc 00403e37 /system/lib/libart.so (MterpInvokeVirtual+442)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #113 pc 00423194 /system/lib/libart.so (ExecuteMterpImpl+14228)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #114 pc 00125110 /system/framework/boot.vdex (java.util.concurrent.ThreadPoolExecutor$Worker.run+4)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #115 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #116 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #117 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #118 pc 00404a05 /system/lib/libart.so (MterpInvokeInterface+1024)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #119 pc 00423394 /system/lib/libart.so (ExecuteMterpImpl+14740)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #120 pc 000ccffe /system/framework/boot.vdex (java.lang.Thread.run+12)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #121 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #122 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #123 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #124 pc 00404351 /system/lib/libart.so (MterpInvokeSuper+1100)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #125 pc 00423214 /system/lib/libart.so (ExecuteMterpImpl+14356)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #126 pc 00301c66 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.engine.executor.GlideExecutor$DefaultThreadFactory$1.run+62)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #127 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #128 pc 001d1563 /system/lib/libart.so (art::interpreter::EnterInterpreterFromEntryPoint(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*)+82)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #129 pc 003f39e3 /system/lib/libart.so (artQuickToInterpreterBridge+882)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #130 pc 004348ff /system/lib/libart.so (art_quick_to_interpreter_bridge+30)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #131 pc 00430375 /system/lib/libart.so (art_quick_invoke_stub_internal+68)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #132 pc 004091a1 /system/lib/libart.so (art_quick_invoke_stub+224)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #133 pc 000a4901 /system/lib/libart.so (art::ArtMethod::Invoke(art::Thread*, unsigned int*, unsigned int, art::JValue*, char const*)+136)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #134 pc 00365029 /system/lib/libart.so (art::(anonymous namespace)::InvokeWithArgArray(art::ScopedObjectAccessAlreadyRunnable const&, art::ArtMethod*, art::(anonymous namespace)::ArgArray*, art::JValue*, char const*)+52)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #135 pc 00365dbd /system/lib/libart.so (art::InvokeVirtualOrInterfaceWithJValues(art::ScopedObjectAccessAlreadyRunnable const&, _jobject*, _jmethodID*, jvalue*)+316)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #136 pc 00387d19 /system/lib/libart.so (art::Thread::CreateCallback(void*)+900)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #137 pc 00065413 /system/lib/libc.so (__pthread_start(void*)+22)
2019-03-09 19:07:10.467 18407-18407/? A/DEBUG: #138 pc 0001e819 /system/lib/libc.so (__start_thread+32)"><pre class="notranslate"><span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">116</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: *** *** *** *** *** *** *** *** *** *** *** *** *** *** *** ***
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span>:<span class="pl-c1">10.116</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-v">Build</span> <span class="pl-en">fingerprint</span>: <span class="pl-s">'HUAWEI/EML-AL00/HWEML:9/HUAWEIEML-AL00/181C00R1:user/release-keys'</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">116</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-v">Revision</span>: <span class="pl-s">'0'</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">116</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c1">ABI</span>: <span class="pl-s">'arm'</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">116</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-en">pid</span>: <span class="pl-c1">17940</span><span class="pl-kos">,</span> <span class="pl-pds">tid</span>: <span class="pl-c1">18132</span><span class="pl-kos">,</span> <span class="pl-pds">name</span>: <span class="pl-en">glide</span>-<span class="pl-en">disk</span>-<span class="pl-en">cach</span> >>> <span class="pl-en">com</span><span class="pl-kos">.</span><span class="pl-en">qdaily</span><span class="pl-kos">.</span><span class="pl-en">notch</span> <<<
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">116</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-en">signal</span> <span class="pl-c1">11</span> <span class="pl-kos">(</span><span class="pl-c1">SIGSEGV</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-en">code</span> <span class="pl-c1">1</span> <span class="pl-kos">(</span><span class="pl-c1">SEGV_MAPERR</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-en">fault</span> <span class="pl-en">addr</span> <span class="pl-c1">0x52c00000</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">116</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-en">r0</span> <span class="pl-c1">52</span><span class="pl-en">bfffdc</span> <span class="pl-en">r1</span> <span class="pl-c1">00000000</span> <span class="pl-en">r2</span> <span class="pl-c1">00000087</span> <span class="pl-en">r3</span> <span class="pl-c1">0000007</span><span class="pl-en">f</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">116</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-en">r4</span> <span class="pl-c1">52</span><span class="pl-en">bffffc</span> <span class="pl-en">r5</span> <span class="pl-c1">00000083</span> <span class="pl-en">r6</span> <span class="pl-c1">00000087</span> <span class="pl-en">r7</span> <span class="pl-c1">412775</span><span class="pl-en">f6</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">116</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-en">r8</span> <span class="pl-c1">00000000</span> <span class="pl-en">r9</span> <span class="pl-c1">00000000</span> <span class="pl-en">r10</span> <span class="pl-c1">41307</span><span class="pl-en">adf</span> <span class="pl-en">r11</span> <span class="pl-c1">0000021</span><span class="pl-en">c</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">116</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-en">ip</span> <span class="pl-c1">00000080</span> <span class="pl-en">sp</span> <span class="pl-en">becf8408</span> <span class="pl-en">lr</span> <span class="pl-c1">00000084</span> <span class="pl-en">pc</span> <span class="pl-en">eaa3fc0a</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">345</span> <span class="pl-c1">621</span>-<span class="pl-c1">3520</span>/? <span class="pl-c1">E</span>/<span class="pl-en">uniperf server</span>: <span class="pl-s1">uniPerfEvent</span> <span class="pl-en">doParse</span> <span class="pl-en">failed</span><span class="pl-kos">,</span> <span class="pl-s1">cmdId</span><span class="pl-c1">=</span><span class="pl-c1">4402</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-en">backtrace</span>:
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#00 pc 00159c0a /system/lib/libhwui.so (neon::memset32(unsigned int*, unsigned int, int)+38)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#01 pc 000f6eeb /system/lib/libhwui.so (SkSampler::Fill(SkImageInfo const&, void*, unsigned int, unsigned long long, SkCodec::ZeroInitialized)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#02 pc 000f89f1 /system/lib/libhwui.so (SkSwizzler::fill(SkImageInfo const&, void*, unsigned int, unsigned long long, SkCodec::ZeroInitialized)+80)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#03 pc 000eb081 /system/lib/libhwui.so (SkCodec::fillIncompleteImage(SkImageInfo const&, void*, unsigned int, SkCodec::ZeroInitialized, int, int)+156)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#04 pc 000f6b85 /system/lib/libhwui.so (SkSampledCodec::sampledDecode(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const&)+872)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#05 pc 000f6635 /system/lib/libhwui.so (SkSampledCodec::onGetAndroidPixels(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const&)+660)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#06 pc 000e7253 /system/lib/libhwui.so (SkAndroidCodec::getAndroidPixels(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const*)+498)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#07 pc 000d7ccd /system/lib/libandroid_runtime.so (doDecode(_JNIEnv*, std::__1::unique_ptr<SkStreamRewindable, std::__1::default_delete<SkStreamRewindable>>, _jobject*, _jobject*, bool)+3460)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#08 pc 000d8fa1 /system/lib/libandroid_runtime.so (nativeDecodeStream(_JNIEnv*, _jobject*, _jobject*, _jbyteArray*, _jobject*, _jobject*)+80)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#09 pc 003f3cd3 /system/framework/arm/boot-framework.oat (offset 0x3ee000) (android.graphics.BitmapFactory.nativeDecodeStream [DEDUPED]+186)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#10 pc 00430375 /system/lib/libart.so (art_quick_invoke_stub_internal+68)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#11 pc 004092a3 /system/lib/libart.so (art_quick_invoke_static_stub+222)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#12 pc 000a4913 /system/lib/libart.so (art::ArtMethod::Invoke(art::Thread*, unsigned int*, unsigned int, art::JValue*, char const*)+154)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#13 pc 001ed6b7 /system/lib/libart.so (art::interpreter::ArtInterpreterToCompiledCodeBridge(art::Thread*, art::ArtMethod*, art::ShadowFrame*, unsigned short, art::JValue*)+230)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#14 pc 001e8329 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+784)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#15 pc 00404e17 /system/lib/libart.so (MterpInvokeStatic+130)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#16 pc 00423314 /system/lib/libart.so (ExecuteMterpImpl+14612)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#17 pc 0047a466 /system/framework/boot-framework.vdex (android.graphics.BitmapFactory.decodeStreamInternal+30)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#18 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#19 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#20 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#21 pc 00404e17 /system/lib/libart.so (MterpInvokeStatic+130)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#22 pc 00423314 /system/lib/libart.so (ExecuteMterpImpl+14612)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#23 pc 0047a380 /system/framework/boot-framework.vdex (android.graphics.BitmapFactory.decodeStream+176)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#24 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#25 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#26 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#27 pc 00404e17 /system/lib/libart.so (MterpInvokeStatic+130)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#28 pc 00423314 /system/lib/libart.so (ExecuteMterpImpl+14612)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#29 pc 00308ad6 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.Downsampler.decodeStream+54)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#30 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#31 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">465</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#32 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#33 pc 00404e17 /system/lib/libart.so (MterpInvokeStatic+130)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#34 pc 00423314 /system/lib/libart.so (ExecuteMterpImpl+14612)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#35 pc 00308a0e /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.Downsampler.decodeFromWrappedStreams+690)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#36 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#37 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#38 pc 001e920b /system/lib/libart.so (bool art::interpreter::DoCall<true, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+774)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#39 pc 00405f13 /system/lib/libart.so (MterpInvokeDirectRange+170)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#40 pc 00423594 /system/lib/libart.so (ExecuteMterpImpl+15252)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#41 pc 00308dc6 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.Downsampler.decode+210)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#42 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#43 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#44 pc 001e920b /system/lib/libart.so (bool art::interpreter::DoCall<true, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+774)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#45 pc 00405075 /system/lib/libart.so (MterpInvokeVirtualRange+424)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#46 pc 00423494 /system/lib/libart.so (ExecuteMterpImpl+14996)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#47 pc 00308cda /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.Downsampler.decode+14)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#48 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#49 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#50 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#51 pc 00403e37 /system/lib/libart.so (MterpInvokeVirtual+442)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#52 pc 00423194 /system/lib/libart.so (ExecuteMterpImpl+14228)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#53 pc 003074cc /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.ByteBufferBitmapDecoder.decode+12)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#54 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#55 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#56 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#57 pc 00403e37 /system/lib/libart.so (MterpInvokeVirtual+442)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#58 pc 00423194 /system/lib/libart.so (ExecuteMterpImpl+14228)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#59 pc 003074a4 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.resource.bitmap.ByteBufferBitmapDecoder.decode+4)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#60 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#61 pc 001d1563 /system/lib/libart.so (art::interpreter::EnterInterpreterFromEntryPoint(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*)+82)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#62 pc 003f39e3 /system/lib/libart.so (artQuickToInterpreterBridge+882)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#63 pc 004348ff /system/lib/libart.so (art_quick_to_interpreter_bridge+30)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#64 pc 0007f779 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodePath.decodeResourceWithList+320)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#65 pc 00020781 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodePath.decodeResource+152)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#66 pc 00023217 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodePath.decode+62)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#67 pc 0007fa47 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.LoadPath.loadWithExceptionList+198)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#68 pc 0003a6c1 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.LoadPath.load+160)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#69 pc 00022f7d /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.runLoadPath+204)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#70 pc 0000a031 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.decodeFromFetcher+96)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#71 pc 000186a9 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.decodeFromData+112)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#72 pc 000110dd /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.decodeFromRetrievedData+372)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#73 pc 00009f17 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.onDataFetcherReady+270)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#74 pc 00430375 /system/lib/libart.so (art_quick_invoke_stub_internal+68)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#75 pc 004091a1 /system/lib/libart.so (art_quick_invoke_stub+224)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#76 pc 000a4901 /system/lib/libart.so (art::ArtMethod::Invoke(art::Thread*, unsigned int*, unsigned int, art::JValue*, char const*)+136)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#77 pc 001ed6b7 /system/lib/libart.so (art::interpreter::ArtInterpreterToCompiledCodeBridge(art::Thread*, art::ArtMethod*, art::ShadowFrame*, unsigned short, art::JValue*)+230)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#78 pc 001e9225 /system/lib/libart.so (bool art::interpreter::DoCall<true, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+800)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#79 pc 00405c65 /system/lib/libart.so (MterpInvokeInterfaceRange+1020)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#80 pc 00423694 /system/lib/libart.so (ExecuteMterpImpl+15508)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#81 pc 002f8fd6 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.engine.DataCacheGenerator.onDataReady+26)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#82 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#83 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#84 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#85 pc 00404a05 /system/lib/libart.so (MterpInvokeInterface+1024)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#86 pc 00423394 /system/lib/libart.so (ExecuteMterpImpl+14740)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#87 pc 0030330c /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.model.ByteBufferFileLoader$ByteBufferFetcher.loadData+16)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#88 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#89 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#90 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#91 pc 00404a05 /system/lib/libart.so (MterpInvokeInterface+1024)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#92 pc 00423394 /system/lib/libart.so (ExecuteMterpImpl+14740)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#93 pc 002f8ea4 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.engine.DataCacheGenerator.startNext+192)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#94 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#95 pc 001d1563 /system/lib/libart.so (art::interpreter::EnterInterpreterFromEntryPoint(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*)+82)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#96 pc 003f39e3 /system/lib/libart.so (artQuickToInterpreterBridge+882)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#97 pc 004348ff /system/lib/libart.so (art_quick_to_interpreter_bridge+30)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">466</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#98 pc 0001901b /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.runGenerators+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#99 pc 00018969 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.runWrapped+416)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#100 pc 0002eee9 /dev/ashmem/dalvik-jit-code-cache (deleted) (com.bumptech.glide.load.engine.DecodeJob.run+112)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#101 pc 00430375 /system/lib/libart.so (art_quick_invoke_stub_internal+68)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#102 pc 004091a1 /system/lib/libart.so (art_quick_invoke_stub+224)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#103 pc 000a4901 /system/lib/libart.so (art::ArtMethod::Invoke(art::Thread*, unsigned int*, unsigned int, art::JValue*, char const*)+136)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#104 pc 001ed6b7 /system/lib/libart.so (art::interpreter::ArtInterpreterToCompiledCodeBridge(art::Thread*, art::ArtMethod*, art::ShadowFrame*, unsigned short, art::JValue*)+230)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#105 pc 001e8329 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+784)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#106 pc 00404a05 /system/lib/libart.so (MterpInvokeInterface+1024)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#107 pc 00423394 /system/lib/libart.so (ExecuteMterpImpl+14740)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#108 pc 00125f8c /system/framework/boot.vdex (java.util.concurrent.ThreadPoolExecutor.runWorker+162)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#109 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#110 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#111 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#112 pc 00403e37 /system/lib/libart.so (MterpInvokeVirtual+442)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#113 pc 00423194 /system/lib/libart.so (ExecuteMterpImpl+14228)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#114 pc 00125110 /system/framework/boot.vdex (java.util.concurrent.ThreadPoolExecutor$Worker.run+4)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#115 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#116 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#117 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#118 pc 00404a05 /system/lib/libart.so (MterpInvokeInterface+1024)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#119 pc 00423394 /system/lib/libart.so (ExecuteMterpImpl+14740)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#120 pc 000ccffe /system/framework/boot.vdex (java.lang.Thread.run+12)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#121 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#122 pc 001d1617 /system/lib/libart.so (art::interpreter::ArtInterpreterToInterpreterBridge(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*, art::JValue*)+146)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#123 pc 001e8313 /system/lib/libart.so (bool art::interpreter::DoCall<false, false>(art::ArtMethod*, art::Thread*, art::ShadowFrame&, art::Instruction const*, unsigned short, art::JValue*)+762)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#124 pc 00404351 /system/lib/libart.so (MterpInvokeSuper+1100)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#125 pc 00423214 /system/lib/libart.so (ExecuteMterpImpl+14356)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#126 pc 00301c66 /dev/ashmem/dalvik-classes.dex extracted in memory from /data/app/com.qdaily.notch-73cZ_MPTUdqIEsdrJC1qtg==/base.apk (deleted) (com.bumptech.glide.load.engine.executor.GlideExecutor$DefaultThreadFactory$1.run+62)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#127 pc 001cccdf /system/lib/libart.so (_ZN3art11interpreterL7ExecuteEPNS_6ThreadERKNS_20CodeItemDataAccessorERNS_11ShadowFrameENS_6JValueEb.llvm.2983016822+354)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#128 pc 001d1563 /system/lib/libart.so (art::interpreter::EnterInterpreterFromEntryPoint(art::Thread*, art::CodeItemDataAccessor const&, art::ShadowFrame*)+82)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#129 pc 003f39e3 /system/lib/libart.so (artQuickToInterpreterBridge+882)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#130 pc 004348ff /system/lib/libart.so (art_quick_to_interpreter_bridge+30)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#131 pc 00430375 /system/lib/libart.so (art_quick_invoke_stub_internal+68)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#132 pc 004091a1 /system/lib/libart.so (art_quick_invoke_stub+224)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#133 pc 000a4901 /system/lib/libart.so (art::ArtMethod::Invoke(art::Thread*, unsigned int*, unsigned int, art::JValue*, char const*)+136)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#134 pc 00365029 /system/lib/libart.so (art::(anonymous namespace)::InvokeWithArgArray(art::ScopedObjectAccessAlreadyRunnable const&, art::ArtMethod*, art::(anonymous namespace)::ArgArray*, art::JValue*, char const*)+52)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#135 pc 00365dbd /system/lib/libart.so (art::InvokeVirtualOrInterfaceWithJValues(art::ScopedObjectAccessAlreadyRunnable const&, _jobject*, _jmethodID*, jvalue*)+316)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#136 pc 00387d19 /system/lib/libart.so (art::Thread::CreateCallback(void*)+900)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#137 pc 00065413 /system/lib/libc.so (__pthread_start(void*)+22)</span>
<span class="pl-c1">2019</span>-<span class="pl-c1">03</span>-<span class="pl-c1">09</span> <span class="pl-c1">19</span><span class="pl-pds">:07</span><span class="pl-pds">:10</span><span class="pl-kos">.</span><span class="pl-c1">467</span> <span class="pl-c1">18407</span>-<span class="pl-c1">18407</span>/? <span class="pl-c1">A</span>/<span class="pl-c1">DEBUG</span>: <span class="pl-c">#138 pc 0001e819 /system/lib/libc.so (__start_thread+32)</span><span class="pl-en"></span></pre></div> | <p dir="auto"><strong>4.8.0</strong>:</p>
<p dir="auto"><strong>okhttp:3.11.0</strong>:</p>
<p dir="auto"><strong>OnePlus6T/9.0</strong>:</p>
<p dir="auto"><strong>Issue details / Repro steps / Use case background</strong>:</p>
<p dir="auto"><strong>Glide load line / <code class="notranslate">GlideModule</code> (if any) / list Adapter code (if any)</strong>:</p>
<div class="highlight highlight-source-java notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="public static void loadContactHead(@NonNull ImageView imageView, Uri uri, boolean cropCircle, RequestListener<Drawable> listener) {
if (!contextAvailable(imageView.getContext())) {
return;
}
GlideRequest<Drawable> request = GlideApp.with(imageView).load(uri)
.placeholder(R.drawable.wrap_default_profile_icon)
.error(R.drawable.wrap_default_profile_icon)
.signature(new AvatarSignature(imageView.getContext(), uri.getQueryParameter("uid")))
.listener(listener);
if (cropCircle) {
request.apply(new RequestOptions()
.transform(createProfileTransform(imageView.getContext()))).into(imageView);
} else {
request.into(imageView);
}
}"><pre class="notranslate"><span class="pl-k">public</span> <span class="pl-k">static</span> <span class="pl-smi">void</span> <span class="pl-s1">loadContactHead</span>(<span class="pl-c1">@</span><span class="pl-c1">NonNull</span> <span class="pl-smi">ImageView</span> <span class="pl-s1">imageView</span>, <span class="pl-smi">Uri</span> <span class="pl-s1">uri</span>, <span class="pl-smi">boolean</span> <span class="pl-s1">cropCircle</span>, <span class="pl-smi">RequestListener</span><<span class="pl-smi">Drawable</span>> <span class="pl-s1">listener</span>) {
<span class="pl-k">if</span> (!<span class="pl-en">contextAvailable</span>(<span class="pl-s1">imageView</span>.<span class="pl-en">getContext</span>())) {
<span class="pl-k">return</span>;
}
<span class="pl-smi">GlideRequest</span><<span class="pl-smi">Drawable</span>> <span class="pl-s1">request</span> = <span class="pl-smi">GlideApp</span>.<span class="pl-en">with</span>(<span class="pl-s1">imageView</span>).<span class="pl-en">load</span>(<span class="pl-s1">uri</span>)
.<span class="pl-en">placeholder</span>(<span class="pl-smi">R</span>.<span class="pl-s1">drawable</span>.<span class="pl-s1">wrap_default_profile_icon</span>)
.<span class="pl-en">error</span>(<span class="pl-smi">R</span>.<span class="pl-s1">drawable</span>.<span class="pl-s1">wrap_default_profile_icon</span>)
.<span class="pl-en">signature</span>(<span class="pl-k">new</span> <span class="pl-smi">AvatarSignature</span>(<span class="pl-s1">imageView</span>.<span class="pl-en">getContext</span>(), <span class="pl-s1">uri</span>.<span class="pl-en">getQueryParameter</span>(<span class="pl-s">"uid"</span>)))
.<span class="pl-en">listener</span>(<span class="pl-s1">listener</span>);
<span class="pl-k">if</span> (<span class="pl-s1">cropCircle</span>) {
<span class="pl-s1">request</span>.<span class="pl-en">apply</span>(<span class="pl-k">new</span> <span class="pl-smi">RequestOptions</span>()
.<span class="pl-en">transform</span>(<span class="pl-en">createProfileTransform</span>(<span class="pl-s1">imageView</span>.<span class="pl-en">getContext</span>()))).<span class="pl-en">into</span>(<span class="pl-s1">imageView</span>);
} <span class="pl-k">else</span> {
<span class="pl-s1">request</span>.<span class="pl-en">into</span>(<span class="pl-s1">imageView</span>);
}
}</pre></div>
<p dir="auto"><strong>Stack trace / LogCat</strong>:</p>
<div class="highlight highlight-source-ruby notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="paste stack trace and/or log here
02-12 11:17:28.857 12844 12972 D skia : ------ png error bad adaptive filter value
--
2902-12 11:17:28.859 12844 12844 E CrashReport-Native: Faile to open comm file(/system/build.prop)
30--------- beginning of crash
3102-12 11:17:28.887 12844 12972 F libc : Fatal signal 11 (SIGSEGV), code 1 (SEGV_MAPERR), fault addr 0x79946000 in tid 12972 (glide-disk-cach), pid 12844 (m.midea.connect)
3202-12 11:17:28.955 13026 13026 I crash_dump32: obtaining output fd from tombstoned, type: kDebuggerdTombstone
3302-12 11:17:28.959 13026 13026 I crash_dump32: performing dump of process 12844 (target tid = 12972)
3402-12 11:17:28.971 13026 13026 F DEBUG : *** *** *** *** *** *** *** *** *** *** *** *** *** *** *** ***
3502-12 11:17:28.971 13026 13026 F DEBUG : Build fingerprint: 'OnePlus/OnePlus6T/OnePlus6T:9/PKQ1.180716.001/1812111152:user/release-keys'
3602-12 11:17:28.971 13026 13026 F DEBUG : Revision: '0'
3702-12 11:17:28.971 13026 13026 F DEBUG : ABI: 'arm'
3802-12 11:17:28.971 13026 13026 F DEBUG : pid: 12844, tid: 12972, name: glide-disk-cach >>> com.midea.connect <<<
3902-12 11:17:28.971 13026 13026 F DEBUG : signal 11 (SIGSEGV), code 1 (SEGV_MAPERR), fault addr 0x79946000
4002-12 11:17:28.971 13026 13026 F DEBUG : r0 79945fe0 r1 00000000 r2 000000c8 r3 000000c0
4102-12 11:17:28.971 13026 13026 F DEBUG : r4 79946000 r5 edce3480 r6 000000c8 r7 3c911eff
4202-12 11:17:28.971 13026 13026 F DEBUG : r8 00000000 r9 00000000 r10 3c914550 r11 00000320
4302-12 11:17:28.971 13026 13026 F DEBUG : ip 000000c4 sp c36eb9e0 lr 000000c8 pc edac2afe
4402-12 11:17:29.105 13026 13026 F DEBUG :
4502-12 11:17:29.105 13026 13026 F DEBUG : backtrace:
4602-12 11:17:29.105 13026 13026 F DEBUG : #00 pc 00345afe /system/lib/libhwui.so (neon_and_crc32::memset32(unsigned int*, unsigned int, int)+38)
4702-12 11:17:29.105 13026 13026 F DEBUG : #01 pc 000f008b /system/lib/libhwui.so (SkSampler::Fill(SkImageInfo const&, void*, unsigned int, unsigned long long, SkCodec::ZeroInitialized)+146)
4802-12 11:17:29.105 13026 13026 F DEBUG : #02 pc 000f1a7d /system/lib/libhwui.so (SkSwizzler::fill(SkImageInfo const&, void*, unsigned int, unsigned long long, SkCodec::ZeroInitialized)+76)
4902-12 11:17:29.106 13026 13026 F DEBUG : #03 pc 000e4e6d /system/lib/libhwui.so (SkCodec::fillIncompleteImage(SkImageInfo const&, void*, unsigned int, SkCodec::ZeroInitialized, int, int)+152)
5002-12 11:17:29.106 13026 13026 F DEBUG : #04 pc 000efc63 /system/lib/libhwui.so (SkSampledCodec::sampledDecode(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const&)+566)
5102-12 11:17:29.106 13026 13026 F DEBUG : #05 pc 000ef897 /system/lib/libhwui.so (SkSampledCodec::onGetAndroidPixels(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const&)+506)
5202-12 11:17:29.106 13026 13026 F DEBUG : #06 pc 000e130b /system/lib/libhwui.so (SkAndroidCodec::getAndroidPixels(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const*)+486)
5302-12 11:17:29.106 13026 13026 F DEBUG : #07 pc 000cea5f /system/lib/libandroid_runtime.so (doDecode(_JNIEnv*, std::__1::unique_ptr<SkStreamRewindable, std::__1::default_delete<SkStreamRewindable>>, _jobject*, _jobject*)+2098)
5402-12 11:17:29.106 13026 13026 F DEBUG : #08 pc 000cf9a7 /system/lib/libandroid_runtime.so (nativeDecodeStream(_JNIEnv*, _jobject*, _jobject*, _jbyteArray*, _jobject*, _jobject*)+78)
5502-12 11:17:29.106 13026 13026 F DEBUG : #09 pc 003ba923 /system/framework/arm/boot-framework.oat (offset 0x3b5000) (android.graphics.BitmapFactory.nativeDecodeStream [DEDUPED]+186)
5602-12 11:17:29.106 13026 13026 F DEBUG : #10 pc 006f95a1 /system/framework/arm/boot-framework.oat (offset 0x3b5000) (android.graphics.BitmapFactory.decodeStream+232)
5702-12 11:17:29.106 13026 13026 F DEBUG : #11 pc 003444c7 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.resource.bitmap.Downsampler.decodeStream+238)
5802-12 11:17:29.106 13026 13026 F DEBUG : #12 pc 003441fb /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.resource.bitmap.Downsampler.decodeFromWrappedStreams+1634)
5902-12 11:17:29.106 13026 13026 F DEBUG : #13 pc 00345165 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.resource.bitmap.Downsampler.decode+1044)
6002-12 11:17:29.106 13026 13026 F DEBUG : #14 pc 003caa51 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.resource.bitmap.ByteBufferBitmapDecoder.decode+240)
6102-12 11:17:29.106 13026 13026 F DEBUG : #15 pc 003ca92b /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.resource.bitmap.ByteBufferBitmapDecoder.decode+74)
6202-12 11:17:29.106 13026 13026 F DEBUG : #16 pc 00339863 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodePath.decodeResourceWithList+314)
6302-12 11:17:29.106 13026 13026 F DEBUG : #17 pc 0033963d /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodePath.decodeResource+220)
6402-12 11:17:29.106 13026 13026 F DEBUG : #18 pc 00339b41 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodePath.decode+64)
6502-12 11:17:29.106 13026 13026 F DEBUG : #19 pc 0033be4f /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.LoadPath.loadWithExceptionList+214)
6602-12 11:17:29.106 13026 13026 F DEBUG : #20 pc 0033c0f7 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.LoadPath.load+230)
6702-12 11:17:29.106 13026 13026 F DEBUG : #21 pc 003b5107 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.runLoadPath+222)
6802-12 11:17:29.106 13026 13026 F DEBUG : #22 pc 003b30a9 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.decodeFromData+328)
6902-12 11:17:29.106 13026 13026 F DEBUG : #23 pc 003b34eb /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.decodeFromRetrievedData+490)
7002-12 11:17:29.106 13026 13026 F DEBUG : #24 pc 003b5cf7 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.onDataFetcherReady+358)
7102-12 11:17:29.106 13026 13026 F DEBUG : #25 pc 003b2427 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DataCacheGenerator.onDataReady+198)
7202-12 11:17:29.106 13026 13026 F DEBUG : #26 pc 003c51c7 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.model.ByteBufferFileLoader$ByteBufferFetcher.loadData+238)
7302-12 11:17:29.106 13026 13026 F DEBUG : #27 pc 003b28fb /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DataCacheGenerator.startNext+1178)
7402-12 11:17:29.106 13026 13026 F DEBUG : #28 pc 003b4c2b /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.runGenerators+234)
7502-12 11:17:29.106 13026 13026 F DEBUG : #29 pc 003b5393 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.runWrapped+522)
7602-12 11:17:29.106 13026 13026 F DEBUG : #30 pc 003b6809 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.run+168)
7702-12 11:17:29.106 13026 13026 F DEBUG : #31 pc 00356fe1 /system/framework/arm/boot-core-oj.oat (offset 0x10d000) (java.util.concurrent.ThreadPoolExecutor.runWorker+1048)
7802-12 11:17:29.106 13026 13026 F DEBUG : #32 pc 00354597 /system/framework/arm/boot-core-oj.oat (offset 0x10d000) (java.util.concurrent.ThreadPoolExecutor$Worker.run+54)
7902-12 11:17:29.106 13026 13026 F DEBUG : #33 pc 0021a451 /system/framework/arm/boot-core-oj.oat (offset 0x10d000) (java.lang.Thread.run+64)
8002-12 11:17:29.106 13026 13026 F DEBUG : #34 pc 0033e915 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.executor.GlideExecutor$DefaultThreadFactory$1.run+156)
8102-12 11:17:29.106 13026 13026 F DEBUG : #35 pc 0040dd75 /system/lib/libart.so (art_quick_invoke_stub_internal+68)
8202-12 11:17:29.106 13026 13026 F DEBUG : #36 pc 003e725d /system/lib/libart.so (art_quick_invoke_stub+224)
8302-12 11:17:29.106 13026 13026 F DEBUG : #37 pc 000a1015 /system/lib/libart.so (art::ArtMethod::Invoke(art::Thread*, unsigned int*, unsigned int, art::JValue*, char const*)+136)
8402-12 11:17:29.106 13026 13026 F DEBUG : #38 pc 00347e25 /system/lib/libart.so (art::(anonymous namespace)::InvokeWithArgArray(art::ScopedObjectAccessAlreadyRunnable const&, art::ArtMethod*, art::(anonymous namespace)::ArgArray*, art::JValue*, char const*)+52)
8502-12 11:17:29.106 13026 13026 F DEBUG : #39 pc 00348b7d /system/lib/libart.so (art::InvokeVirtualOrInterfaceWithJValues(art::ScopedObjectAccessAlreadyRunnable const&, _jobject*, _jmethodID*, jvalue*)+320)
8602-12 11:17:29.106 13026 13026 F DEBUG : #40 pc 00369d2b /system/lib/libart.so (art::Thread::CreateCallback(void*)+866)
8702-12 11:17:29.106 13026 13026 F DEBUG : #41 pc 00063605 /system/lib/libc.so (__pthread_start(void*)+22)
8802-12 11:17:29.106 13026 13026 F DEBUG : #42 pc 0001dff9 /system/lib/libc.so (__start_thread+24)
"><pre class="notranslate"><span class="pl-en">paste</span> <span class="pl-en">stack</span> <span class="pl-en">trace</span> <span class="pl-k">and</span><span class="pl-sr">/or log here</span>
<span class="pl-sr"></span>
<span class="pl-sr">02-12 11:17:28.857 12844 12972 D skia : ------ png error bad adaptive filter value</span>
<span class="pl-sr">--</span>
<span class="pl-sr">2902-12 11:17:28.859 12844 12844 E CrashReport-Native: Faile to open comm file(/system</span>/<span class="pl-en">build</span><span class="pl-kos">.</span><span class="pl-en">prop</span><span class="pl-kos">)</span>
<span class="pl-c1">30</span>--------- <span class="pl-en">beginning</span> <span class="pl-en">of</span> <span class="pl-en">crash</span>
<span class="pl-c1">3102</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">887</span> <span class="pl-c1">12844</span> <span class="pl-c1">12972</span> <span class="pl-c1">F</span> <span class="pl-en">libc</span> : <span class="pl-en">Fatal</span> <span class="pl-en">signal</span> <span class="pl-c1">11</span> <span class="pl-kos">(</span><span class="pl-c1">SIGSEGV</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-en">code</span> <span class="pl-c1">1</span> <span class="pl-kos">(</span><span class="pl-c1">SEGV_MAPERR</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-en">fault</span> <span class="pl-en">addr</span> <span class="pl-c1">0x79946000</span> <span class="pl-k">in</span> <span class="pl-en">tid</span> <span class="pl-c1">12972</span> <span class="pl-kos">(</span><span class="pl-en">glide</span>-<span class="pl-en">disk</span>-<span class="pl-en">cach</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-en">pid</span> <span class="pl-c1">12844</span> <span class="pl-kos">(</span><span class="pl-en">m</span><span class="pl-kos">.</span><span class="pl-en">midea</span><span class="pl-kos">.</span><span class="pl-en">connect</span><span class="pl-kos">)</span>
<span class="pl-c1">3202</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">955</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">I</span> <span class="pl-en">crash_dump32</span>: <span class="pl-en">obtaining</span> <span class="pl-en">output</span> <span class="pl-en">fd</span> <span class="pl-en">from</span> <span class="pl-en">tombstoned</span><span class="pl-kos">,</span> <span class="pl-pds">type</span>: <span class="pl-en">kDebuggerdTombstone</span>
<span class="pl-c1">3302</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">959</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">I</span> <span class="pl-en">crash_dump32</span>: <span class="pl-en">performing</span> <span class="pl-en">dump</span> <span class="pl-en">of</span> <span class="pl-en">process</span> <span class="pl-c1">12844</span> <span class="pl-kos">(</span><span class="pl-en">target</span> <span class="pl-s1">tid</span> <span class="pl-c1">=</span> <span class="pl-c1">12972</span><span class="pl-kos">)</span>
<span class="pl-c1">3402</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">971</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : *** *** *** *** *** *** *** *** *** *** *** *** *** *** *** ***
<span class="pl-c1">3502</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">971</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-en">Build</span> <span class="pl-pds">fingerprint</span>: <span class="pl-s">'OnePlus/OnePlus6T/OnePlus6T:9/PKQ1.180716.001/1812111152:user/release-keys'</span>
<span class="pl-c1">3602</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">971</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-pds">Revision</span>: <span class="pl-s">'0'</span>
<span class="pl-c1">3702</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">971</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-pds">ABI</span>: <span class="pl-s">'arm'</span>
<span class="pl-c1">3802</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">971</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-pds">pid</span>: <span class="pl-c1">12844</span><span class="pl-kos">,</span> <span class="pl-pds">tid</span>: <span class="pl-c1">12972</span><span class="pl-kos">,</span> <span class="pl-pds">name</span>: <span class="pl-en">glide</span>-<span class="pl-en">disk</span>-<span class="pl-en">cach</span> >>> <span class="pl-en">com</span><span class="pl-kos">.</span><span class="pl-en">midea</span><span class="pl-kos">.</span><span class="pl-en">connect</span> <<<
<span class="pl-c1">3902</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">971</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-en">signal</span> <span class="pl-c1">11</span> <span class="pl-kos">(</span><span class="pl-c1">SIGSEGV</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-en">code</span> <span class="pl-c1">1</span> <span class="pl-kos">(</span><span class="pl-c1">SEGV_MAPERR</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-en">fault</span> <span class="pl-en">addr</span> <span class="pl-c1">0x79946000</span>
<span class="pl-c1">4002</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">971</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-en">r0</span> <span class="pl-c1">79945</span><span class="pl-en">fe0</span> <span class="pl-en">r1</span> <span class="pl-c1">00000000</span> <span class="pl-en">r2</span> <span class="pl-c1">000000</span><span class="pl-en">c8</span> <span class="pl-en">r3</span> <span class="pl-c1">000000</span><span class="pl-en">c0</span>
<span class="pl-c1">4102</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">971</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-en">r4</span> <span class="pl-c1">79946000</span> <span class="pl-en">r5</span> <span class="pl-en">edce3480</span> <span class="pl-en">r6</span> <span class="pl-c1">000000</span><span class="pl-en">c8</span> <span class="pl-en">r7</span> <span class="pl-c1">3</span><span class="pl-en">c911eff</span>
<span class="pl-c1">4202</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">971</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-en">r8</span> <span class="pl-c1">00000000</span> <span class="pl-en">r9</span> <span class="pl-c1">00000000</span> <span class="pl-en">r10</span> <span class="pl-c1">3</span><span class="pl-en">c914550</span> <span class="pl-en">r11</span> <span class="pl-c1">00000320</span>
<span class="pl-c1">4302</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:28</span><span class="pl-kos">.</span><span class="pl-c1">971</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-en">ip</span> <span class="pl-c1">000000</span><span class="pl-en">c4</span> <span class="pl-en">sp</span> <span class="pl-en">c36eb9e0</span> <span class="pl-en">lr</span> <span class="pl-c1">000000</span><span class="pl-en">c8</span> <span class="pl-en">pc</span> <span class="pl-en">edac2afe</span>
<span class="pl-c1">4402</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">105</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> :
<span class="pl-c1">4502</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">105</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-pds">backtrace</span>:
<span class="pl-c1">4602</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">105</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#00 pc 00345afe /system/lib/libhwui.so (neon_and_crc32::memset32(unsigned int*, unsigned int, int)+38)</span>
<span class="pl-c1">4702</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">105</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#01 pc 000f008b /system/lib/libhwui.so (SkSampler::Fill(SkImageInfo const&, void*, unsigned int, unsigned long long, SkCodec::ZeroInitialized)+146)</span>
<span class="pl-c1">4802</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">105</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#02 pc 000f1a7d /system/lib/libhwui.so (SkSwizzler::fill(SkImageInfo const&, void*, unsigned int, unsigned long long, SkCodec::ZeroInitialized)+76)</span>
<span class="pl-c1">4902</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#03 pc 000e4e6d /system/lib/libhwui.so (SkCodec::fillIncompleteImage(SkImageInfo const&, void*, unsigned int, SkCodec::ZeroInitialized, int, int)+152)</span>
<span class="pl-c1">5002</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#04 pc 000efc63 /system/lib/libhwui.so (SkSampledCodec::sampledDecode(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const&)+566)</span>
<span class="pl-c1">5102</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#05 pc 000ef897 /system/lib/libhwui.so (SkSampledCodec::onGetAndroidPixels(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const&)+506)</span>
<span class="pl-c1">5202</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#06 pc 000e130b /system/lib/libhwui.so (SkAndroidCodec::getAndroidPixels(SkImageInfo const&, void*, unsigned int, SkAndroidCodec::AndroidOptions const*)+486)</span>
<span class="pl-c1">5302</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#07 pc 000cea5f /system/lib/libandroid_runtime.so (doDecode(_JNIEnv*, std::__1::unique_ptr<SkStreamRewindable, std::__1::default_delete<SkStreamRewindable>>, _jobject*, _jobject*)+2098)</span>
<span class="pl-c1">5402</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#08 pc 000cf9a7 /system/lib/libandroid_runtime.so (nativeDecodeStream(_JNIEnv*, _jobject*, _jobject*, _jbyteArray*, _jobject*, _jobject*)+78)</span>
<span class="pl-c1">5502</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#09 pc 003ba923 /system/framework/arm/boot-framework.oat (offset 0x3b5000) (android.graphics.BitmapFactory.nativeDecodeStream [DEDUPED]+186)</span>
<span class="pl-c1">5602</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#10 pc 006f95a1 /system/framework/arm/boot-framework.oat (offset 0x3b5000) (android.graphics.BitmapFactory.decodeStream+232)</span>
<span class="pl-c1">5702</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#11 pc 003444c7 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.resource.bitmap.Downsampler.decodeStream+238)</span>
<span class="pl-c1">5802</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#12 pc 003441fb /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.resource.bitmap.Downsampler.decodeFromWrappedStreams+1634)</span>
<span class="pl-c1">5902</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#13 pc 00345165 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.resource.bitmap.Downsampler.decode+1044)</span>
<span class="pl-c1">6002</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#14 pc 003caa51 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.resource.bitmap.ByteBufferBitmapDecoder.decode+240)</span>
<span class="pl-c1">6102</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#15 pc 003ca92b /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.resource.bitmap.ByteBufferBitmapDecoder.decode+74)</span>
<span class="pl-c1">6202</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#16 pc 00339863 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodePath.decodeResourceWithList+314)</span>
<span class="pl-c1">6302</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#17 pc 0033963d /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodePath.decodeResource+220)</span>
<span class="pl-c1">6402</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#18 pc 00339b41 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodePath.decode+64)</span>
<span class="pl-c1">6502</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#19 pc 0033be4f /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.LoadPath.loadWithExceptionList+214)</span>
<span class="pl-c1">6602</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#20 pc 0033c0f7 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.LoadPath.load+230)</span>
<span class="pl-c1">6702</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#21 pc 003b5107 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.runLoadPath+222)</span>
<span class="pl-c1">6802</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#22 pc 003b30a9 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.decodeFromData+328)</span>
<span class="pl-c1">6902</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#23 pc 003b34eb /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.decodeFromRetrievedData+490)</span>
<span class="pl-c1">7002</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#24 pc 003b5cf7 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.onDataFetcherReady+358)</span>
<span class="pl-c1">7102</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#25 pc 003b2427 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DataCacheGenerator.onDataReady+198)</span>
<span class="pl-c1">7202</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#26 pc 003c51c7 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.model.ByteBufferFileLoader$ByteBufferFetcher.loadData+238)</span>
<span class="pl-c1">7302</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#27 pc 003b28fb /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DataCacheGenerator.startNext+1178)</span>
<span class="pl-c1">7402</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#28 pc 003b4c2b /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.runGenerators+234)</span>
<span class="pl-c1">7502</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#29 pc 003b5393 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.runWrapped+522)</span>
<span class="pl-c1">7602</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#30 pc 003b6809 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.DecodeJob.run+168)</span>
<span class="pl-c1">7702</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#31 pc 00356fe1 /system/framework/arm/boot-core-oj.oat (offset 0x10d000) (java.util.concurrent.ThreadPoolExecutor.runWorker+1048)</span>
<span class="pl-c1">7802</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#32 pc 00354597 /system/framework/arm/boot-core-oj.oat (offset 0x10d000) (java.util.concurrent.ThreadPoolExecutor$Worker.run+54)</span>
<span class="pl-c1">7902</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#33 pc 0021a451 /system/framework/arm/boot-core-oj.oat (offset 0x10d000) (java.lang.Thread.run+64)</span>
<span class="pl-c1">8002</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#34 pc 0033e915 /data/app/com.midea.connect-6FhFAA4vMW98LEsq1pTj7A==/oat/arm/base.odex (offset 0x258000) (com.bumptech.glide.load.engine.executor.GlideExecutor$DefaultThreadFactory$1.run+156)</span>
<span class="pl-c1">8102</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#35 pc 0040dd75 /system/lib/libart.so (art_quick_invoke_stub_internal+68)</span>
<span class="pl-c1">8202</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#36 pc 003e725d /system/lib/libart.so (art_quick_invoke_stub+224)</span>
<span class="pl-c1">8302</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#37 pc 000a1015 /system/lib/libart.so (art::ArtMethod::Invoke(art::Thread*, unsigned int*, unsigned int, art::JValue*, char const*)+136)</span>
<span class="pl-c1">8402</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#38 pc 00347e25 /system/lib/libart.so (art::(anonymous namespace)::InvokeWithArgArray(art::ScopedObjectAccessAlreadyRunnable const&, art::ArtMethod*, art::(anonymous namespace)::ArgArray*, art::JValue*, char const*)+52)</span>
<span class="pl-c1">8502</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#39 pc 00348b7d /system/lib/libart.so (art::InvokeVirtualOrInterfaceWithJValues(art::ScopedObjectAccessAlreadyRunnable const&, _jobject*, _jmethodID*, jvalue*)+320)</span>
<span class="pl-c1">8602</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#40 pc 00369d2b /system/lib/libart.so (art::Thread::CreateCallback(void*)+866)</span>
<span class="pl-c1">8702</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#41 pc 00063605 /system/lib/libc.so (__pthread_start(void*)+22)</span>
<span class="pl-c1">8802</span>-<span class="pl-c1">12</span> <span class="pl-c1">11</span><span class="pl-pds">:17</span><span class="pl-pds">:29</span><span class="pl-kos">.</span><span class="pl-c1">106</span> <span class="pl-c1">13026</span> <span class="pl-c1">13026</span> <span class="pl-c1">F</span> <span class="pl-c1">DEBUG</span> : <span class="pl-c">#42 pc 0001dff9 /system/lib/libc.so (__start_thread+24)</span>
</pre></div> | 1 |
<p dir="auto">I came about this when using the <code class="notranslate">sum</code> function and <code class="notranslate">DataFrames()</code>. Consider the following short example.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Df = DataFrame()
M = reshape(rand(1:20, 16), (4, 4))
Msum = sum(M, 2)
Df[:c1] = Msum
Main> Df[:c1] = Msum
ERROR: ArgumentError: setindex!(::DataFrame, ...) only broadcasts scalars, not arrays
Stacktrace:
[1] setindex!(::DataFrames.DataFrame, ::Array{Int64,2}, ::Symbol) at /Users/abmlab/.julia/v0.6/DataFrames/src/dataframe/dataframe.jl:372
[2] eval(::Module, ::Any) at ./boot.jl:235"><pre class="notranslate"><code class="notranslate">Df = DataFrame()
M = reshape(rand(1:20, 16), (4, 4))
Msum = sum(M, 2)
Df[:c1] = Msum
Main> Df[:c1] = Msum
ERROR: ArgumentError: setindex!(::DataFrame, ...) only broadcasts scalars, not arrays
Stacktrace:
[1] setindex!(::DataFrames.DataFrame, ::Array{Int64,2}, ::Symbol) at /Users/abmlab/.julia/v0.6/DataFrames/src/dataframe/dataframe.jl:372
[2] eval(::Module, ::Any) at ./boot.jl:235
</code></pre></div>
<p dir="auto">but if I do this</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="tarr = zeros(Int64, 4)
Df[:c1] = tarr"><pre class="notranslate"><code class="notranslate">tarr = zeros(Int64, 4)
Df[:c1] = tarr
</code></pre></div>
<p dir="auto">It works. Both are one dimensional arrays with 4 elements, so what gives? I think its a problem with dimensions. See following</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Main> Msum = sum(M, 2)
4×1 Array{Int64,2}:
29
29
35
41"><pre class="notranslate"><code class="notranslate">Main> Msum = sum(M, 2)
4×1 Array{Int64,2}:
29
29
35
41
</code></pre></div>
<p dir="auto">so the <code class="notranslate">sum</code> function produces a one dimensional array but the type is set to <code class="notranslate">Array{Int64, 2}</code>. This is further seen by</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Main> size(Msum)
(4, 1)
Main> size(tarr)
(4,)"><pre class="notranslate"><code class="notranslate">Main> size(Msum)
(4, 1)
Main> size(tarr)
(4,)
</code></pre></div>
<p dir="auto">Is this a bug or is this expected behaviour. How can I change the dimension from the <code class="notranslate">sum</code> function to 1? The <code class="notranslate">reshape</code> function dosn't work.</p>
<p dir="auto">edit: <code class="notranslate">reshape</code> does work by running <code class="notranslate">reshape(Msum, (15, ))</code></p> | <p dir="auto">Following this discussion on julia-users: <a href="https://groups.google.com/forum/#!topic/julia-users/V-meqUZtb7k" rel="nofollow">https://groups.google.com/forum/#!topic/julia-users/V-meqUZtb7k</a></p>
<p dir="auto">I find the fact that <code class="notranslate">sum(A,1)</code> and <code class="notranslate">A[1,:]</code> have different shapes in 0.5 counter intuitive. I am not aware of other languages for which the equivalent expressions have different shapes. It leads to unexpected results when computing e.g. <code class="notranslate">A[1,:] ./ sum(A,1)</code>. At least in the case of <code class="notranslate">sum</code>, it seems like <code class="notranslate">sum(A,1)</code> should be equivalent to <code class="notranslate">A[1,:] + A[2,:] + A[3,:] + ...</code></p>
<p dir="auto">However, as <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/timholy/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/timholy">@timholy</a> pointed out, this behavior can be useful for broadcasting with expressions like <code class="notranslate">A ./ sum(A,1)</code>.</p>
<p dir="auto">For me, having the default slicing and array reduction behavior be consistent seems the natural choice, meaning that <code class="notranslate">sum(A,1)</code> should drop the first dimension. But I understand the attractiveness of not dropping dimensions for broadcasting. What are others' thoughts?</p> | 1 |
<p dir="auto"><strong>Apache Airflow version</strong>:<br>
2.0.1</p>
<p dir="auto"><strong>Kubernetes version (if you are using kubernetes)</strong> (use <code class="notranslate">kubectl version</code>):<br>
1.19<br>
<strong>Environment</strong>:<br>
Openshift 4.5</p>
<ul dir="auto">
<li><strong>Cloud provider or hardware configuration</strong>:</li>
<li><strong>OS</strong> (e.g. from /etc/os-release):</li>
<li><strong>Kernel</strong> (e.g. <code class="notranslate">uname -a</code>):</li>
<li><strong>Install tools</strong>:</li>
<li><strong>Others</strong>:</li>
</ul>
<p dir="auto"><strong>What happened</strong>:<br>
Started sample KubernetesExecutor</p>
<p dir="auto"><strong>What you expected to happen</strong>:<br>
Runs well</p>
<p dir="auto">Internal Airflow bug<br>
<strong>How to reproduce it</strong>:</p>
<p dir="auto"><strong>Anything else we need to know</strong>:</p>
<p dir="auto">Ooops!<br>
Something bad has happened.<br>
Please consider letting us know by creating a bug report using GitHub.</p>
<h2 dir="auto">Python version: 3.8.7<br>
Airflow version: 2.0.1<br>
Node: airflow-k8s-web-58d46fb9cd-rtqxq</h2>
<p dir="auto">Traceback (most recent call last):<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/app.py", line 2447, in wsgi_app<br>
response = self.full_dispatch_request()<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/app.py", line 1952, in full_dispatch_request<br>
rv = self.handle_user_exception(e)<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/app.py", line 1821, in handle_user_exception<br>
reraise(exc_type, exc_value, tb)<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/_compat.py", line 39, in reraise<br>
raise value<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/app.py", line 1950, in full_dispatch_request<br>
rv = self.dispatch_request()<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/app.py", line 1936, in dispatch_request<br>
return self.view_functions<a href="**req.view_args">rule.endpoint</a><br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/www/auth.py", line 34, in decorated<br>
return func(*args, **kwargs)<br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/www/decorators.py", line 97, in view_func<br>
return f(*args, **kwargs)<br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/www/decorators.py", line 60, in wrapper<br>
return f(*args, **kwargs)<br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/utils/session.py", line 65, in wrapper<br>
return func(*args, session=session, **kwargs)<br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/www/views.py", line 2080, in graph<br>
return self.render_template(<br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/www/views.py", line 396, in render_template<br>
return super().render_template(<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask_appbuilder/baseviews.py", line 280, in render_template<br>
return render_template(<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/templating.py", line 137, in render_template<br>
return _render(<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/templating.py", line 120, in _render<br>
rv = template.render(context)<br>
File "/home/airflow/.local/lib/python3.8/site-packages/jinja2/environment.py", line 1090, in render<br>
self.environment.handle_exception()<br>
File "/home/airflow/.local/lib/python3.8/site-packages/jinja2/environment.py", line 832, in handle_exception<br>
reraise(*rewrite_traceback_stack(source=source))<br>
File "/home/airflow/.local/lib/python3.8/site-packages/jinja2/_compat.py", line 28, in reraise<br>
raise value.with_traceback(tb)<br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/www/templates/airflow/graph.html", line 21, in top-level template code<br>
{% from 'appbuilder/loading_dots.html' import loading_dots %}<br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/www/templates/airflow/dag.html", line 21, in top-level template code<br>
{% from 'appbuilder/dag_docs.html' import dag_docs %}<br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/www/templates/airflow/main.html", line 20, in top-level template code<br>
{% extends 'appbuilder/baselayout.html' %}<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask_appbuilder/templates/appbuilder/baselayout.html", line 2, in top-level template code<br>
{% import 'appbuilder/baselib.html' as baselib %}<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask_appbuilder/templates/appbuilder/init.html", line 60, in top-level template code<br>
{% block tail %}<br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/www/templates/airflow/graph.html", line 145, in block "tail"<br>
var task_instances = {{ task_instances|tojson }};<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/json/<strong>init</strong>.py", line 376, in tojson_filter<br>
return Markup(htmlsafe_dumps(obj, **kwargs))<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/json/<strong>init</strong>.py", line 290, in htmlsafe_dumps<br>
dumps(obj, **kwargs)<br>
File "/home/airflow/.local/lib/python3.8/site-packages/flask/json/<strong>init</strong>.py", line 211, in dumps<br>
rv = _json.dumps(obj, **kwargs)<br>
File "/usr/local/lib/python3.8/json/<strong>init</strong>.py", line 234, in dumps<br>
return cls(<br>
File "/usr/local/lib/python3.8/json/encoder.py", line 199, in encode<br>
chunks = self.iterencode(o, _one_shot=True)<br>
File "/usr/local/lib/python3.8/json/encoder.py", line 257, in iterencode<br>
return _iterencode(o, 0)<br>
File "/home/airflow/.local/lib/python3.8/site-packages/airflow/utils/json.py", line 74, in _default<br>
raise TypeError(f"Object of type '{obj.<strong>class</strong>.<strong>name</strong>}' is not JSON serializable")<br>
TypeError: Object of type 'V1ResourceRequirements' is not JSON serializable</p> | <p dir="auto"><strong>Apache Airflow version</strong>: 2.0.1</p>
<p dir="auto"><strong>Kubernetes version (if you are using kubernetes)</strong> (use <code class="notranslate">kubectl version</code>): v1.17.12</p>
<p dir="auto"><strong>Environment</strong>:</p>
<ul dir="auto">
<li><strong>Cloud provider or hardware configuration</strong>: AWS EKS</li>
<li><strong>OS</strong> (e.g. from /etc/os-release):</li>
<li><strong>Kernel</strong> (e.g. <code class="notranslate">uname -a</code>):</li>
<li><strong>Install tools</strong>:</li>
<li><strong>Others</strong>:</li>
</ul>
<p dir="auto"><strong>What happened</strong>:<br>
When you click on Graph view for some DAGs in 2.0.1 the UI errors out (logs below).</p>
<p dir="auto"><strong>What you expected to happen</strong>:<br>
The Graph view to display</p>
<p dir="auto"><strong>How to reproduce it</strong>:<br>
It is not clear to me. This only happening on a handle of our DAGs. Also the tree view displays fine.</p>
<p dir="auto"><strong>Anything else we need to know</strong>:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Traceback (most recent call last):
File "/usr/local/lib/python3.8/site-packages/flask/app.py", line 2447, in wsgi_app
response = self.full_dispatch_request()
File "/usr/local/lib/python3.8/site-packages/flask/app.py", line 1952, in full_dispatch_request
rv = self.handle_user_exception(e)
File "/usr/local/lib/python3.8/site-packages/flask/app.py", line 1821, in handle_user_exception
reraise(exc_type, exc_value, tb)
File "/usr/local/lib/python3.8/site-packages/flask/_compat.py", line 39, in reraise
raise value
File "/usr/local/lib/python3.8/site-packages/flask/app.py", line 1950, in full_dispatch_request
rv = self.dispatch_request()
File "/usr/local/lib/python3.8/site-packages/flask/app.py", line 1936, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
File "/usr/local/lib/python3.8/site-packages/airflow/www/auth.py", line 34, in decorated
return func(*args, **kwargs)
File "/usr/local/lib/python3.8/site-packages/airflow/www/decorators.py", line 97, in view_func
return f(*args, **kwargs)
File "/usr/local/lib/python3.8/site-packages/airflow/www/decorators.py", line 60, in wrapper
return f(*args, **kwargs)
File "/usr/local/lib/python3.8/site-packages/airflow/utils/session.py", line 65, in wrapper
return func(*args, session=session, **kwargs)
File "/usr/local/lib/python3.8/site-packages/airflow/www/views.py", line 2080, in graph
return self.render_template(
File "/usr/local/lib/python3.8/site-packages/airflow/www/views.py", line 396, in render_template
return super().render_template(
File "/usr/local/lib/python3.8/site-packages/flask_appbuilder/baseviews.py", line 280, in render_template
return render_template(
File "/usr/local/lib/python3.8/site-packages/flask/templating.py", line 137, in render_template
return _render(
File "/usr/local/lib/python3.8/site-packages/flask/templating.py", line 120, in _render
rv = template.render(context)
File "/usr/local/lib/python3.8/site-packages/jinja2/environment.py", line 1090, in render
self.environment.handle_exception()
File "/usr/local/lib/python3.8/site-packages/jinja2/environment.py", line 832, in handle_exception
reraise(*rewrite_traceback_stack(source=source))
File "/usr/local/lib/python3.8/site-packages/jinja2/_compat.py", line 28, in reraise
raise value.with_traceback(tb)
File "/usr/local/lib/python3.8/site-packages/airflow/www/templates/airflow/graph.html", line 21, in top-level template code
{% from 'appbuilder/loading_dots.html' import loading_dots %}
File "/usr/local/lib/python3.8/site-packages/airflow/www/templates/airflow/dag.html", line 21, in top-level template code
{% from 'appbuilder/dag_docs.html' import dag_docs %}
File "/usr/local/lib/python3.8/site-packages/airflow/www/templates/airflow/main.html", line 20, in top-level template code
{% extends 'appbuilder/baselayout.html' %}
File "/usr/local/lib/python3.8/site-packages/flask_appbuilder/templates/appbuilder/baselayout.html", line 2, in top-level template code
{% import 'appbuilder/baselib.html' as baselib %}
File "/usr/local/lib/python3.8/site-packages/flask_appbuilder/templates/appbuilder/init.html", line 60, in top-level template code
{% block tail %}
File "/usr/local/lib/python3.8/site-packages/airflow/www/templates/airflow/graph.html", line 145, in block "tail"
var task_instances = {{ task_instances|tojson }};
File "/usr/local/lib/python3.8/site-packages/flask/json/__init__.py", line 376, in tojson_filter
return Markup(htmlsafe_dumps(obj, **kwargs))
File "/usr/local/lib/python3.8/site-packages/flask/json/__init__.py", line 290, in htmlsafe_dumps
dumps(obj, **kwargs)
File "/usr/local/lib/python3.8/site-packages/flask/json/__init__.py", line 211, in dumps
rv = _json.dumps(obj, **kwargs)
File "/usr/local/lib/python3.8/json/__init__.py", line 234, in dumps
return cls(
File "/usr/local/lib/python3.8/json/encoder.py", line 199, in encode
chunks = self.iterencode(o, _one_shot=True)
File "/usr/local/lib/python3.8/json/encoder.py", line 257, in iterencode
return _iterencode(o, 0)
File "/usr/local/lib/python3.8/site-packages/airflow/utils/json.py", line 74, in _default
raise TypeError(f"Object of type '{obj.__class__.__name__}' is not JSON serializable")
TypeError: Object of type 'V1ResourceRequirements' is not JSON serializable"><pre class="notranslate"><code class="notranslate">Traceback (most recent call last):
File "/usr/local/lib/python3.8/site-packages/flask/app.py", line 2447, in wsgi_app
response = self.full_dispatch_request()
File "/usr/local/lib/python3.8/site-packages/flask/app.py", line 1952, in full_dispatch_request
rv = self.handle_user_exception(e)
File "/usr/local/lib/python3.8/site-packages/flask/app.py", line 1821, in handle_user_exception
reraise(exc_type, exc_value, tb)
File "/usr/local/lib/python3.8/site-packages/flask/_compat.py", line 39, in reraise
raise value
File "/usr/local/lib/python3.8/site-packages/flask/app.py", line 1950, in full_dispatch_request
rv = self.dispatch_request()
File "/usr/local/lib/python3.8/site-packages/flask/app.py", line 1936, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
File "/usr/local/lib/python3.8/site-packages/airflow/www/auth.py", line 34, in decorated
return func(*args, **kwargs)
File "/usr/local/lib/python3.8/site-packages/airflow/www/decorators.py", line 97, in view_func
return f(*args, **kwargs)
File "/usr/local/lib/python3.8/site-packages/airflow/www/decorators.py", line 60, in wrapper
return f(*args, **kwargs)
File "/usr/local/lib/python3.8/site-packages/airflow/utils/session.py", line 65, in wrapper
return func(*args, session=session, **kwargs)
File "/usr/local/lib/python3.8/site-packages/airflow/www/views.py", line 2080, in graph
return self.render_template(
File "/usr/local/lib/python3.8/site-packages/airflow/www/views.py", line 396, in render_template
return super().render_template(
File "/usr/local/lib/python3.8/site-packages/flask_appbuilder/baseviews.py", line 280, in render_template
return render_template(
File "/usr/local/lib/python3.8/site-packages/flask/templating.py", line 137, in render_template
return _render(
File "/usr/local/lib/python3.8/site-packages/flask/templating.py", line 120, in _render
rv = template.render(context)
File "/usr/local/lib/python3.8/site-packages/jinja2/environment.py", line 1090, in render
self.environment.handle_exception()
File "/usr/local/lib/python3.8/site-packages/jinja2/environment.py", line 832, in handle_exception
reraise(*rewrite_traceback_stack(source=source))
File "/usr/local/lib/python3.8/site-packages/jinja2/_compat.py", line 28, in reraise
raise value.with_traceback(tb)
File "/usr/local/lib/python3.8/site-packages/airflow/www/templates/airflow/graph.html", line 21, in top-level template code
{% from 'appbuilder/loading_dots.html' import loading_dots %}
File "/usr/local/lib/python3.8/site-packages/airflow/www/templates/airflow/dag.html", line 21, in top-level template code
{% from 'appbuilder/dag_docs.html' import dag_docs %}
File "/usr/local/lib/python3.8/site-packages/airflow/www/templates/airflow/main.html", line 20, in top-level template code
{% extends 'appbuilder/baselayout.html' %}
File "/usr/local/lib/python3.8/site-packages/flask_appbuilder/templates/appbuilder/baselayout.html", line 2, in top-level template code
{% import 'appbuilder/baselib.html' as baselib %}
File "/usr/local/lib/python3.8/site-packages/flask_appbuilder/templates/appbuilder/init.html", line 60, in top-level template code
{% block tail %}
File "/usr/local/lib/python3.8/site-packages/airflow/www/templates/airflow/graph.html", line 145, in block "tail"
var task_instances = {{ task_instances|tojson }};
File "/usr/local/lib/python3.8/site-packages/flask/json/__init__.py", line 376, in tojson_filter
return Markup(htmlsafe_dumps(obj, **kwargs))
File "/usr/local/lib/python3.8/site-packages/flask/json/__init__.py", line 290, in htmlsafe_dumps
dumps(obj, **kwargs)
File "/usr/local/lib/python3.8/site-packages/flask/json/__init__.py", line 211, in dumps
rv = _json.dumps(obj, **kwargs)
File "/usr/local/lib/python3.8/json/__init__.py", line 234, in dumps
return cls(
File "/usr/local/lib/python3.8/json/encoder.py", line 199, in encode
chunks = self.iterencode(o, _one_shot=True)
File "/usr/local/lib/python3.8/json/encoder.py", line 257, in iterencode
return _iterencode(o, 0)
File "/usr/local/lib/python3.8/site-packages/airflow/utils/json.py", line 74, in _default
raise TypeError(f"Object of type '{obj.__class__.__name__}' is not JSON serializable")
TypeError: Object of type 'V1ResourceRequirements' is not JSON serializable
</code></pre></div> | 1 |
<h3 dir="auto">Preflight Checklist</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have read the <a href="https://github.com/electron/electron/blob/master/CONTRIBUTING.md">Contributing Guidelines</a> for this project.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I agree to follow the <a href="https://github.com/electron/electron/blob/master/CODE_OF_CONDUCT.md">Code of Conduct</a> that this project adheres to.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have searched the issue tracker for an issue that matches the one I want to file, without success.</li>
</ul>
<h3 dir="auto">Issue Details</h3>
<ul dir="auto">
<li><strong>Electron Version:</strong>
<ul dir="auto">
<li>10.1.5</li>
</ul>
</li>
<li><strong>Operating System:</strong>
<ul dir="auto">
<li>Windows 10</li>
</ul>
</li>
<li><strong>Last Known Working Electron version:</strong>
<ul dir="auto">
<li>9.2.1<br>
bug appear from 9.3.0</li>
</ul>
</li>
</ul>
<h3 dir="auto">Expected Behavior</h3>
<p dir="auto">when i hide the window and turn my screen off and on again, I expect the application to remain hidden</p>
<h3 dir="auto">Actual Behavior</h3>
<p dir="auto">when I hide (win.hide) my application (close the window, app reduce inside the system tray), and I turn off my screen and turn it back on, the window reappears, nothing is clickable. inside the window only the window buttons responds, no event is emitted on the win.on (' show ', function (event)</p>
<h3 dir="auto">To Reproduce</h3>
<p dir="auto">run app<br>
maximise window<br>
close window<br>
off your computer screen (i have 3 screen on my computer), on your screen<br>
the electron window reappears :(<br>
for reproduce :<br>
use this code inside main.js (electron quick start)</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="const electron = require('electron')
const {app, BrowserWindow} = require('electron');
let win;
function createWindow() {
win = new BrowserWindow({
webPreferences: {
nodeIntegration: true,
enableRemoteModule: true,
},
show: false,
title: "test",
fullscreenable : false,
fullscreenWindowTitle : true,
autoHideMenuBar: true,
backgroundColor: '#000000',
'minHeight': 600,
'minWidth': 800,
});
win.setMenu(null);
app.win = win;
win.loadFile('index.html')
win.once('ready-to-show', function (e) {
win.show()
})
win.on('close', function (event) {
event.preventDefault()
win.hide();
return false;
});
}
function appReadyLaunch() {
console.log("BB");
createWindow();
}
app.on('ready', () => {
appReadyLaunch()
});"><pre class="notranslate"><code class="notranslate">const electron = require('electron')
const {app, BrowserWindow} = require('electron');
let win;
function createWindow() {
win = new BrowserWindow({
webPreferences: {
nodeIntegration: true,
enableRemoteModule: true,
},
show: false,
title: "test",
fullscreenable : false,
fullscreenWindowTitle : true,
autoHideMenuBar: true,
backgroundColor: '#000000',
'minHeight': 600,
'minWidth': 800,
});
win.setMenu(null);
app.win = win;
win.loadFile('index.html')
win.once('ready-to-show', function (e) {
win.show()
})
win.on('close', function (event) {
event.preventDefault()
win.hide();
return false;
});
}
function appReadyLaunch() {
console.log("BB");
createWindow();
}
app.on('ready', () => {
appReadyLaunch()
});
</code></pre></div>
<h3 dir="auto">Screenshots</h3>
<h3 dir="auto">Additional Information</h3> | <h3 dir="auto">Preflight Checklist</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have read the <a href="https://github.com/electron/electron/blob/master/CONTRIBUTING.md">Contributing Guidelines</a> for this project.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I agree to follow the <a href="https://github.com/electron/electron/blob/master/CODE_OF_CONDUCT.md">Code of Conduct</a> that this project adheres to.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have searched the issue tracker for an issue that matches the one I want to file, without success.</li>
</ul>
<h3 dir="auto">Issue Details</h3>
<ul dir="auto">
<li><strong>Electron Version:</strong>
<ul dir="auto">
<li>10.1.1</li>
</ul>
</li>
<li><strong>Operating System:</strong>
<ul dir="auto">
<li>Windows 10</li>
</ul>
</li>
<li><strong>Last Known Working Electron version:</strong>
<ul dir="auto">
<li>8</li>
</ul>
</li>
</ul>
<h3 dir="auto">Expected Behavior</h3>
<p dir="auto">The window should hide</p>
<h3 dir="auto">Actual Behavior</h3>
<p dir="auto">The window stays visible but appears blank, if the window is restored from the maximized state it gets black</p>
<h3 dir="auto">To Reproduce</h3>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" let browserWindow = new BrowserWindow({
show: true
});
browserWindow.maximize();
browserWindow.hide();
browserWindow.loadURL("http://www.google.com").then(() => {
});"><pre class="notranslate"><code class="notranslate"> let browserWindow = new BrowserWindow({
show: true
});
browserWindow.maximize();
browserWindow.hide();
browserWindow.loadURL("http://www.google.com").then(() => {
});
</code></pre></div>
<h3 dir="auto">Screenshots</h3>
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/10595986/92474422-196e9c80-f1dc-11ea-928e-1161bb607645.png"><img src="https://user-images.githubusercontent.com/10595986/92474422-196e9c80-f1dc-11ea-928e-1161bb607645.png" alt="grafik" style="max-width: 100%;"></a></p> | 1 |
<p dir="auto">I had an interesting idea for a new mode for FancyZones. Not sure if i'd use it all the time, but it could be useful in some situations.</p>
<p dir="auto">Imagine a "flow mode" that works sort of like the way a browser "flows" elements. When you open new windows it would resize the current windows and re-layout the windows to fit them all.</p>
<p dir="auto">Obviously there would have to be some limit or it would become unusable after a point, but the idea would be to dynamically resize the zones to fit content.</p>
<p dir="auto">Anyone else find this a useful idea? Or just an annoying hinderance?</p> | <h3 dir="auto">The "Window-Tiling" PowerToy</h3>
<p dir="auto">Here's an idea, add the ability to tile windows automatically. What I mean by that is when a window would open, it'll cover the whole screen but when another window would open, it'll cover the half of the screen automatically and the first app would also resize to the half of the screen. If the third window opens it'll open below the second window, resizing the second window to half vertically. And the new window would take place under the second window.</p>
<p dir="auto">It has been done before in some Linux window managers like "i3". And a lot of people really appreciate the ability to do that.</p>
<h3 dir="auto">Concept Shots</h3>
<p dir="auto">I've prepared some concept shots to show that:</p>
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/54409865/81105312-2f6a0900-8f2d-11ea-89be-db96ea9445ea.png"><img src="https://user-images.githubusercontent.com/54409865/81105312-2f6a0900-8f2d-11ea-89be-db96ea9445ea.png" alt="Surface Book - 1 (24)" style="max-width: 100%;"></a></p>
<p dir="auto">In the image above, a single window is opened. When the user wants open another window, they would need to click the start button or hit the start key on the keyboard. The Start Menu would be replaced with Power Run. The user would be able to select the desired app by typing it's name and selecting one of the results by using the arrow keys. Or just type the name and hit enter</p>
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/54409865/81105842-07c77080-8f2e-11ea-9275-3cc5536915f8.png"><img src="https://user-images.githubusercontent.com/54409865/81105842-07c77080-8f2e-11ea-9275-3cc5536915f8.png" alt="Surface Book - 3 (9)" style="max-width: 100%;"></a><br>
<a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/54409865/81105857-0d24bb00-8f2e-11ea-9ad8-ed2addcef7b6.png"><img src="https://user-images.githubusercontent.com/54409865/81105857-0d24bb00-8f2e-11ea-9ad8-ed2addcef7b6.png" alt="Surface Book - 2 (17)" style="max-width: 100%;"></a></p>
<p dir="auto">And when more than two apps are opened:<br>
<a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/54409865/81105885-1ada4080-8f2e-11ea-8985-545e3fc7ceb6.png"><img src="https://user-images.githubusercontent.com/54409865/81105885-1ada4080-8f2e-11ea-8985-545e3fc7ceb6.png" alt="Surface Book - 4 (4)" style="max-width: 100%;"></a></p>
<p dir="auto">And when more than three apps are opened, the third app would be resized to half of it's size and the fourth window would appear in the empty space created by the third app.</p>
<p dir="auto">There are better explanations of tiling window managers (than what I've done here) online</p>
<h3 dir="auto">Conclusion</h3>
<p dir="auto">The window tiling feature is inspired by some window managers in Linux (like i3). I think it'll help with productivity stuff. I've posted these concept shots on Twitter and many people wanted this feature to be in PowerToys. Maybe integrate it in FancyZones by adding a toggle for this feature. What do you think? :)</p> | 1 |
<p dir="auto">One of the biggest annoyances with using the fantastic <code class="notranslate">host_callback.id_tap</code> as a logging solution is its behaviour in a <code class="notranslate">jax.remat</code> (making a call to <code class="notranslate">id_tap</code> for every <code class="notranslate">remat</code>). When you have a codebase with multiple layers of nested <code class="notranslate">remat</code>s, you get spammed with calls to <code class="notranslate">host_callback.id_tap</code>, which both increases the chances of a slowdown due to Python callback overhead, but also makes it hard to efficiently get rid of spurious duplicated logs coming from <code class="notranslate">remat</code>s.</p>
<p dir="auto">Is there any way of implementing an option to <code class="notranslate">id_tap</code> to avoid calling it multiple times in a <code class="notranslate">remat</code>, or some other workaround?</p>
<p dir="auto"><a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/mattjj/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/mattjj">@mattjj</a> , <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/gnecula/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/gnecula">@gnecula</a></p> | <p dir="auto">To support modern packaging standards (aka <a href="https://peps.python.org/pep-0518/" rel="nofollow">PEP 518</a>) for wheel building, specify the build requirements and backend in <a href="https://packaging.python.org/en/latest/glossary/#term-pyproject.toml" rel="nofollow">pyproject.toml</a>.</p>
<p dir="auto">I've tested following the instructions in the <a href="https://setuptools.pypa.io/en/latest/userguide/quickstart.html#basic-use" rel="nofollow">setuptools documentation</a> (adding the <code class="notranslate">build-system</code> table), and installation from sdist works perfectly.</p>
<p dir="auto">This will fix installation when there are no wheels provided and <a href="https://pypi.org/project/setuptools/" rel="nofollow">setuptools</a> is not yet installed.</p> | 0 |
<h2 dir="auto">[SIP-30] Remove Tabs in SQL Lab</h2>
<h3 dir="auto">Motivation</h3>
<p dir="auto">SQL Lab is devoting screen space to a custom tab UI that is less effective than that offered natively by the browser. Other upcoming features such as more powerful edit history/undo, and better navigation/discovery make tabs less important. The new design directions coming from the superset design group specify a tabless UI. Browser-based tabs would be a better solution for nearly every SQL Lab use case.</p>
<h3 dir="auto">Proposed Change</h3>
<ul dir="auto">
<li>Remove the tab bar in SQL Lab</li>
<li>Include the id of the current <code class="notranslate">queryEditor</code> in the SQL Lab url: <code class="notranslate">myapp.com/superset/sqllab/42</code></li>
<li>Links throughout Superset referencing SQL Lab queries should use urls with a <code class="notranslate">queryEditor</code> id</li>
<li>Implement a user-level flag to switch between the tabful and tabless UI</li>
<li>Stabilize backend-managed SQL Lab state, and make it the default option.</li>
</ul>
<p dir="auto">This change can actually be made without significant changes to state management. SQL Lab state includes some number of <code class="notranslate">queryEditor</code>s ("tabs"). Instead of each <code class="notranslate">queryEditor</code> referencing an in-page tab, the SQL Lab url will contain the id of the <code class="notranslate">queryEditor</code> being used.</p>
<p dir="auto">This will depend on the <a href="https://github.com/apache/incubator-superset/pull/8060" data-hovercard-type="pull_request" data-hovercard-url="/apache/superset/pull/8060/hovercard">backend implementation of state management for SQL Lab</a> which is currently behind a feature flag. Without backend SQL Lab state, your local state would accumulate until there is too much to manage, without a practical way to clean it besides clearing your localStorage or editing it laboriously.</p>
<p dir="auto">One change that will be tricky is offering users a quality migration experience to the tabless UI. More details on that down the page.</p>
<h4 dir="auto">A note on preventing lost work in a tabless UI</h4>
<p dir="auto">Nobody wants to write a query, then close their browser and lose it forever. Mitigating that in this new design will be important. The full UI/UX redesigns call for a robust history feature, but there are some things we can do to protect people's work without the history feature.</p>
<p dir="auto">When you navigate to SQL Lab without specifying an id in the URL, an id will be generated for you just as if you had clicked the "+ tab" button in the current UI. This will allow users to re-open a closed tab from the browser history, even if they didn't save the query. If a user wrote a query but didn't save it, and closes the browser tab, SQLLab should also warn and offer to save the query before the tab closes. If you run or save your query, those will also be ways to recover your work.</p>
<p dir="auto">Just for reference, here's the design we're working towards. This SIP is not about implementing everything on this screen, only replacing the in-page tabs with browser tabs.</p>
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/1858430/69596121-60293800-0fb6-11ea-9a8c-e231544eee78.png"><img width="1360" alt="Screen Shot 2019-11-25 at 7 04 12 PM" src="https://user-images.githubusercontent.com/1858430/69596121-60293800-0fb6-11ea-9a8c-e231544eee78.png" style="max-width: 100%;"></a></p>
<h3 dir="auto">New or Changed Public Interfaces</h3>
<ul dir="auto">
<li>"Run query in a new tab" button in the query history will open a new browser tab.</li>
<li>"Share query" should use the new url format, and should save the query if it hasn't been saved.</li>
<li>Links in the saved queries screen and query search should use the new url format.</li>
<li>Remove the ctrl-t keyboard shortcut?</li>
</ul>
<h3 dir="auto">Migration Plan and Compatibility</h3>
<p dir="auto">We should allow users to migrate to the new system at their own pace. Tabs are a heavily-used feature, and should not be ripped out without a proper transition phase to educate and re-orient users.</p>
<p dir="auto">A per-user feature flag will be added indicating whether they are using the tabful or tabless version of SQLLab. SQLLab will appear unchanged as long as a user's flag is off, with the exception of a small banner in the corner notifying the user of the new tabless experience, and allowing them to flip the flag on. Once they flip the flag SQLLab will change to the tabless UI. There should be an explanation of the change, with useful info on how to navigate this brave new world.</p>
<p dir="auto">After some time, we can turn this flag on by default for new users. Eventually when the tabless UI is deemed stable, people are happy with the change, and we've made sure that there isn't a negative impact to existing user needs, we can switch everyone over.</p>
<h3 dir="auto">Rejected Alternatives</h3>
<ul dir="auto">
<li>Keeping in-page tabs - too cumbersome to use, not as accessible, adds unnecessary state complexity</li>
<li>Switching over immediately to a tabless UI without a feature flag - too jarring to users, want to give them the opportunity to change to the new system when it's convenient for them.</li>
<li>Developing the new SQL Lab designs in a separate screen alongside the original SQL Lab - too much code complexity and chance of breaking changes, not enough opportunity to reuse existing components.</li>
<li>Re-organizing SQL Lab frontend state around a tabless UI - too much work for now, and breaks compatibility between the new and old version of the page. It will likely make sense to re-organize state in a future release once all users have migrated to the tabless UI.</li>
</ul> | <p dir="auto">A clear and concise description of what the bug is.</p>
<p dir="auto">I tried running the following code:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="git clone https://github.com/apache/incubator-superset/
cd incubator-superset
# you can run this command everytime you need to start superset now:
docker-compose up"><pre class="notranslate"><code class="notranslate">git clone https://github.com/apache/incubator-superset/
cd incubator-superset
# you can run this command everytime you need to start superset now:
docker-compose up
</code></pre></div>
<p dir="auto">as mentioned here - <a href="https://superset.incubator.apache.org/installation.html#start-with-docker" rel="nofollow">https://superset.incubator.apache.org/installation.html#start-with-docker</a></p>
<h3 dir="auto">Expected results</h3>
<p dir="auto">Expect Superset UI to allow me to access it and it should work.</p>
<h3 dir="auto">Actual results</h3>
<p dir="auto">The UI didn't recognize the credentials at first. Then I went inside the Docker container of superset named <code class="notranslate">incubator-superset_superset</code> and ran the following command:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="superset fab create-admin \
--username admin \
--firstname Superset \
--lastname Admin \
--email [email protected] \
--password admin"><pre class="notranslate"><code class="notranslate">superset fab create-admin \
--username admin \
--firstname Superset \
--lastname Admin \
--email [email protected] \
--password admin
</code></pre></div>
<p dir="auto">which I copied from here - <a href="https://github.com/apache/incubator-superset/blob/master/docker/docker-init.sh#L36">https://github.com/apache/incubator-superset/blob/master/docker/docker-init.sh#L36</a>.</p>
<p dir="auto">I got authenticated successfully but got an error page, the content of which is as following:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="sqlalchemy.exc.ProgrammingError
sqlalchemy.exc.ProgrammingError: (psycopg2.ProgrammingError) relation "user_attribute" does not exist
LINE 2: FROM user_attribute
^
[SQL: SELECT user_attribute.welcome_dashboard_id AS user_attribute_welcome_dashboard_id
FROM user_attribute
WHERE user_attribute.user_id = %(user_id_1)s]
[parameters: {'user_id_1': '1'}]
(Background on this error at: http://sqlalche.me/e/f405)
Traceback (most recent call last)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 1246, in _execute_context
cursor, statement, parameters, context
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/default.py", line 581, in do_execute
cursor.execute(statement, parameters)
The above exception was the direct cause of the following exception:
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 2463, in __call__
return self.wsgi_app(environ, start_response)
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 2449, in wsgi_app
response = self.handle_exception(e)
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 1866, in handle_exception
reraise(exc_type, exc_value, tb)
File "/usr/local/lib/python3.6/site-packages/flask/_compat.py", line 39, in reraise
raise value
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 2446, in wsgi_app
response = self.full_dispatch_request()
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 1951, in full_dispatch_request
rv = self.handle_user_exception(e)
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 1820, in handle_user_exception
reraise(exc_type, exc_value, tb)
File "/usr/local/lib/python3.6/site-packages/flask/_compat.py", line 39, in reraise
raise value
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 1949, in full_dispatch_request
rv = self.dispatch_request()
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 1935, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
File "/app/superset/views/core.py", line 2633, in welcome
.filter_by(user_id=g.user.get_id())
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 3355, in scalar
ret = self.one()
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 3325, in one
ret = self.one_or_none()
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 3294, in one_or_none
ret = list(self)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 3367, in __iter__
return self._execute_and_instances(context)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 3392, in _execute_and_instances
result = conn.execute(querycontext.statement, self._params)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 982, in execute
return meth(self, multiparams, params)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/sql/elements.py", line 287, in _execute_on_connection
return connection._execute_clauseelement(self, multiparams, params)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 1101, in _execute_clauseelement
distilled_params,
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 1250, in _execute_context
e, statement, parameters, cursor, context
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 1476, in _handle_dbapi_exception
util.raise_from_cause(sqlalchemy_exception, exc_info)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/util/compat.py", line 398, in raise_from_cause
reraise(type(exception), exception, tb=exc_tb, cause=cause)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/util/compat.py", line 152, in reraise
raise value.with_traceback(tb)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 1246, in _execute_context
cursor, statement, parameters, context
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/default.py", line 581, in do_execute
cursor.execute(statement, parameters)
sqlalchemy.exc.ProgrammingError: (psycopg2.ProgrammingError) relation "user_attribute" does not exist
LINE 2: FROM user_attribute
^
[SQL: SELECT user_attribute.welcome_dashboard_id AS user_attribute_welcome_dashboard_id
FROM user_attribute
WHERE user_attribute.user_id = %(user_id_1)s]
[parameters: {'user_id_1': '1'}]
(Background on this error at: http://sqlalche.me/e/f405)
The debugger caught an exception in your WSGI application. You can now look at the traceback which led to the error.
To switch between the interactive traceback and the plaintext one, you can click on the "Traceback" headline. From the text traceback you can also create a paste of it. For code execution mouse-over the frame you want to debug and click on the console icon on the right side.
You can execute arbitrary Python code in the stack frames and there are some extra helpers available for introspection:
dump() shows all variables in the frame
dump(obj) dumps all that's known about the object"><pre class="notranslate"><code class="notranslate">sqlalchemy.exc.ProgrammingError
sqlalchemy.exc.ProgrammingError: (psycopg2.ProgrammingError) relation "user_attribute" does not exist
LINE 2: FROM user_attribute
^
[SQL: SELECT user_attribute.welcome_dashboard_id AS user_attribute_welcome_dashboard_id
FROM user_attribute
WHERE user_attribute.user_id = %(user_id_1)s]
[parameters: {'user_id_1': '1'}]
(Background on this error at: http://sqlalche.me/e/f405)
Traceback (most recent call last)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 1246, in _execute_context
cursor, statement, parameters, context
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/default.py", line 581, in do_execute
cursor.execute(statement, parameters)
The above exception was the direct cause of the following exception:
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 2463, in __call__
return self.wsgi_app(environ, start_response)
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 2449, in wsgi_app
response = self.handle_exception(e)
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 1866, in handle_exception
reraise(exc_type, exc_value, tb)
File "/usr/local/lib/python3.6/site-packages/flask/_compat.py", line 39, in reraise
raise value
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 2446, in wsgi_app
response = self.full_dispatch_request()
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 1951, in full_dispatch_request
rv = self.handle_user_exception(e)
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 1820, in handle_user_exception
reraise(exc_type, exc_value, tb)
File "/usr/local/lib/python3.6/site-packages/flask/_compat.py", line 39, in reraise
raise value
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 1949, in full_dispatch_request
rv = self.dispatch_request()
File "/usr/local/lib/python3.6/site-packages/flask/app.py", line 1935, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
File "/app/superset/views/core.py", line 2633, in welcome
.filter_by(user_id=g.user.get_id())
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 3355, in scalar
ret = self.one()
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 3325, in one
ret = self.one_or_none()
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 3294, in one_or_none
ret = list(self)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 3367, in __iter__
return self._execute_and_instances(context)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 3392, in _execute_and_instances
result = conn.execute(querycontext.statement, self._params)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 982, in execute
return meth(self, multiparams, params)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/sql/elements.py", line 287, in _execute_on_connection
return connection._execute_clauseelement(self, multiparams, params)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 1101, in _execute_clauseelement
distilled_params,
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 1250, in _execute_context
e, statement, parameters, cursor, context
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 1476, in _handle_dbapi_exception
util.raise_from_cause(sqlalchemy_exception, exc_info)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/util/compat.py", line 398, in raise_from_cause
reraise(type(exception), exception, tb=exc_tb, cause=cause)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/util/compat.py", line 152, in reraise
raise value.with_traceback(tb)
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/base.py", line 1246, in _execute_context
cursor, statement, parameters, context
File "/usr/local/lib/python3.6/site-packages/sqlalchemy/engine/default.py", line 581, in do_execute
cursor.execute(statement, parameters)
sqlalchemy.exc.ProgrammingError: (psycopg2.ProgrammingError) relation "user_attribute" does not exist
LINE 2: FROM user_attribute
^
[SQL: SELECT user_attribute.welcome_dashboard_id AS user_attribute_welcome_dashboard_id
FROM user_attribute
WHERE user_attribute.user_id = %(user_id_1)s]
[parameters: {'user_id_1': '1'}]
(Background on this error at: http://sqlalche.me/e/f405)
The debugger caught an exception in your WSGI application. You can now look at the traceback which led to the error.
To switch between the interactive traceback and the plaintext one, you can click on the "Traceback" headline. From the text traceback you can also create a paste of it. For code execution mouse-over the frame you want to debug and click on the console icon on the right side.
You can execute arbitrary Python code in the stack frames and there are some extra helpers available for introspection:
dump() shows all variables in the frame
dump(obj) dumps all that's known about the object
</code></pre></div>
<h4 dir="auto">How to reproduce the bug</h4>
<p dir="auto">Run steps mentioned previously.</p>
<p dir="auto">It is worth noting that when I follow the same steps with the branch <a href="https://github.com/apache/incubator-superset/blob/0.36/docker/docker-init.sh"><code class="notranslate">0.36</code></a> I do not see this problem. So it must be something that got introduced into the <code class="notranslate">master</code> branch but was not released in <code class="notranslate">0.36</code>.</p>
<h3 dir="auto">Environment</h3>
<p dir="auto">(please complete the following information):</p>
<ul dir="auto">
<li>superset version: <code class="notranslate">master</code> branch</li>
<li>python version: based on the docker-compose file</li>
<li>node.js version: based on the docker-compose file</li>
<li>npm version: based on the docker-compose file</li>
</ul>
<h3 dir="auto">Checklist</h3>
<p dir="auto">Make sure these boxes are checked before submitting your issue - thank you!</p>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have checked the superset logs for python stacktraces and included it here as text if there are any.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have reproduced the issue with at least the latest released version of superset.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have checked the issue tracker for the same issue and I haven't found one similar.</li>
</ul>
<h3 dir="auto">Additional context</h3>
<p dir="auto">Add any other context about the problem here.</p> | 0 |
<p dir="auto">it doesn't show my recent file history like sublime does.</p> | <p dir="auto">I would like to be able to find files or folders that I have recently opened in previous editing sessions. On Windows this is usually done under the File menu. For example: File > Recent Files > (displays a sub menu of top 10 most recently used files in descending order).</p>
<p dir="auto">File</p>
<blockquote>
<p dir="auto">Recent Files<br>
> (top 10 most recent files)<br>
Recent Folders<br>
> (top 10 most recent folders)</p>
</blockquote> | 1 |
<p dir="auto">now that barrel reorg is done and bundle reorg is almost done, it is time to remove the <code class="notranslate">angular2/angular2</code> barrel (entry point) and force everyone to import from the correct location.</p>
<p dir="auto">We are doing this because of the rule to export each symbol only via one public entry point to prevent confusion and code portability issues due to duplicate/platform-specific/bundle-specific imports.</p>
<p dir="auto">This change will affect the following:</p>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> remove <code class="notranslate">angular2.ts</code></li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> remove <code class="notranslate">angular2.dart</code> - requires fixing g3, so we should just fix ts side and leave this item open if we need more time to fix g3 <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="105148430" data-permission-text="Title is private" data-url="https://github.com/angular/angular/issues/4027" data-hovercard-type="issue" data-hovercard-url="/angular/angular/issues/4027/hovercard" href="https://github.com/angular/angular/issues/4027">#4027</a></li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> update all internal imports that depend on <code class="notranslate">angular2/angular2</code></li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> update System.register bundle config</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> update UMD bundle config</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> update all api docs</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> update all dev guide docs</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> update all dgeni (doc generation) entry points</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> update cli blueprints</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> update seed</li>
</ul>
<p dir="auto">// <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/pkozlowski-opensource/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/pkozlowski-opensource">@pkozlowski-opensource</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/vsavkin/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/vsavkin">@vsavkin</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/robwormald/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/robwormald">@robwormald</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/wardbell/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/wardbell">@wardbell</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/yjbanov/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/yjbanov">@yjbanov</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/petebacondarwin/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/petebacondarwin">@petebacondarwin</a></p> | <p dir="auto"><strong>I'm submitting a ...</strong> (check one with "x")</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[x] bug report => search github for a similar issue or PR before submitting
[ ] feature request
[ ] support request => Please do not submit support request here, instead see https://github.com/angular/angular/blob/master/CONTRIBUTING.md#question"><pre class="notranslate"><code class="notranslate">[x] bug report => search github for a similar issue or PR before submitting
[ ] feature request
[ ] support request => Please do not submit support request here, instead see https://github.com/angular/angular/blob/master/CONTRIBUTING.md#question
</code></pre></div>
<p dir="auto"><strong>Current behavior</strong></p>
<p dir="auto">With aot enabled site, templateUrl fails to download in debug build</p>
<p dir="auto"><strong>Expected behavior</strong></p>
<p dir="auto">The templateUrl should download without issue</p>
<p dir="auto"><strong>Minimal reproduction of the problem with instructions</strong></p>
<p dir="auto">Following the docs for setting up an aot enabled app I made templateUrl a relative path, set the moduleId on the component, set an id on the module and adding the window.module to the index.html page. When loading the component the site tried to load the template url from ~/templateUrl.<br>
See plunker: <a href="http://plnkr.co/edit/M4yogzUSJDnQxojAUVpc?p=preview" rel="nofollow">http://plnkr.co/edit/M4yogzUSJDnQxojAUVpc?p=preview</a></p>
<p dir="auto"><strong>What is the motivation / use case for changing the behavior?</strong></p>
<p dir="auto">Need to debug the application</p>
<p dir="auto"><strong>Please tell us about your environment:</strong></p>
<p dir="auto">My dev environment is Windows 10 using VS2015</p>
<ul dir="auto">
<li><strong>Angular version:</strong> 2.2.4</li>
</ul>
<ul dir="auto">
<li><strong>Browser:</strong> [all ]</li>
</ul>
<ul dir="auto">
<li>
<p dir="auto"><strong>Language:</strong> [all | TypeScript X.X | ES6/7 | ES5]</p>
</li>
<li>
<p dir="auto"><strong>Node (for AoT issues):</strong> <code class="notranslate">node --version</code> =<br>
v6.9.1</p>
</li>
</ul> | 0 |
<p dir="auto">Does it support simultaneous requests from multiple users? That is, multi user login (second times with cookie login).</p> | <p dir="auto">I have the following scenarios:</p>
<p dir="auto">1, user login (multiple users may log in at the same time, what should I do? )</p>
<p dir="auto">2, get data after login success (get)</p>
<p dir="auto">3, according to the data obtained in the second step, post request data again (support post request?)</p>
<ol start="4" dir="auto">
<li>The third step has two results, success or failure, if the successful completion of this user's task, otherwise continue to take the third step.</li>
</ol>
<p dir="auto">The above is my usage scenario. Can I make an API instead of shutting down the crawler every time I crawl data, and how to support multiple users crawling data at the same time?</p> | 1 |
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have searched the <a href="https://github.com/apache/incubator-dubbo/issues">issues</a> of this repository and believe that this is not a duplicate.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have checked the <a href="https://github.com/apache/incubator-dubbo/blob/master/FAQ.md">FAQ</a> of this repository and believe that this is not a duplicate.</li>
</ul>
<h3 dir="auto">Environment</h3>
<ul dir="auto">
<li>Dubbo version: 2.7.0-SNAPSHOT</li>
</ul>
<h3 dir="auto">Steps to reproduce this issue</h3>
<p dir="auto"><a href="https://github.com/apache/incubator-dubbo/blob/7f926d9991ba69dba25b56925e4cc5ffcdf50afa/dubbo-cluster/src/main/java/org/apache/dubbo/rpc/cluster/support/ForkingClusterInvoker.java#L68-L75">Source code Fragment</a>:</p>
<div class="highlight highlight-source-java notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="for (int i = 0; i < forks; i++) {
// TODO. Add some comment here, refer chinese version for more details.
Invoker<T> invoker = select(loadbalance, invocation, invokers, selected);
if (!selected.contains(invoker)) {
//Avoid add the same invoker several times.
selected.add(invoker);
}
}"><pre class="notranslate"><span class="pl-k">for</span> (<span class="pl-smi">int</span> <span class="pl-s1">i</span> = <span class="pl-c1">0</span>; <span class="pl-s1">i</span> < <span class="pl-s1">forks</span>; <span class="pl-s1">i</span>++) {
<span class="pl-c">// TODO. Add some comment here, refer chinese version for more details.</span>
<span class="pl-smi">Invoker</span><<span class="pl-smi">T</span>> <span class="pl-s1">invoker</span> = <span class="pl-en">select</span>(<span class="pl-s1">loadbalance</span>, <span class="pl-s1">invocation</span>, <span class="pl-s1">invokers</span>, <span class="pl-s1">selected</span>);
<span class="pl-k">if</span> (!<span class="pl-s1">selected</span>.<span class="pl-en">contains</span>(<span class="pl-s1">invoker</span>)) {
<span class="pl-c">//Avoid add the same invoker several times.</span>
<span class="pl-s1">selected</span>.<span class="pl-en">add</span>(<span class="pl-s1">invoker</span>);
}
}</pre></div>
<p dir="auto">When <code class="notranslate">selected list</code> contains invoker, it will continue loop, it may result in the size of <code class="notranslate">selected list</code> less than <code class="notranslate">forks</code>.</p> | <ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have searched the <a href="https://github.com/apache/incubator-dubbo/issues">issues</a> of this repository and believe that this is not a duplicate.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have checked the <a href="https://github.com/apache/incubator-dubbo/blob/master/FAQ.md">FAQ</a> of this repository and believe that this is not a duplicate.</li>
</ul>
<h3 dir="auto">Environment</h3>
<ul dir="auto">
<li>Dubbo version: 2.6.2</li>
<li>Operating System version: mac os</li>
<li>Java version: 1.8</li>
</ul>
<h3 dir="auto">Steps to reproduce this issue</h3>
<p dir="auto">com.alibaba.dubbo.common.Constants#DEFAULT_SERVER_SHUTDOWN_TIMEOUT,<br>
I think this number is too big,2~3 second is enough。</p>
<h3 dir="auto">Expected Result</h3>
<p dir="auto">make a small default value 。</p>
<h3 dir="auto">Actual Result</h3>
<p dir="auto">What actually happens?</p>
<p dir="auto">If there is an exception, please attach the exception trace:</p> | 0 |
<p dir="auto">The following variable definition gives an erroneous highlight.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="var scheduleOptions = {
minutes: ['*', '0', '1', '2','3','4','5','6','7','8','9','10','11','12','13','14','15','16','17','18','19','20','21','22','23','24','25','26','27','28','29','30','31','32','33','34','35','36','37','38','39','40','41','42','43','44','45','46','47','48','49','50','51','52','53','54','55','56','57','58','59'],
hours: ['*', '0', '1', '2','3','4','5','6','7','8','9','10','11','12','13','14','15','16','17','18','19','20','21','22','23'],
days: ['*', '1', '2','3','4','5','6','7','8','9','10','11','12','13','14','15','16','17','18','19','20','21','22','23','24','25','26','27','28','29','30'],
months: ['*', '1', '2','3','4','5','6','7','8','9','10','11','12'],
weekdays: ['*','0', '1','2','3','4','5','6']
};"><pre class="notranslate"><code class="notranslate">var scheduleOptions = {
minutes: ['*', '0', '1', '2','3','4','5','6','7','8','9','10','11','12','13','14','15','16','17','18','19','20','21','22','23','24','25','26','27','28','29','30','31','32','33','34','35','36','37','38','39','40','41','42','43','44','45','46','47','48','49','50','51','52','53','54','55','56','57','58','59'],
hours: ['*', '0', '1', '2','3','4','5','6','7','8','9','10','11','12','13','14','15','16','17','18','19','20','21','22','23'],
days: ['*', '1', '2','3','4','5','6','7','8','9','10','11','12','13','14','15','16','17','18','19','20','21','22','23','24','25','26','27','28','29','30'],
months: ['*', '1', '2','3','4','5','6','7','8','9','10','11','12'],
weekdays: ['*','0', '1','2','3','4','5','6']
};
</code></pre></div> | <p dir="auto">I opened a Python file with the following line (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="20976125" data-permission-text="Title is private" data-url="https://github.com/atom/atom/issues/963" data-hovercard-type="pull_request" data-hovercard-url="/atom/atom/pull/963/hovercard" href="https://github.com/atom/atom/pull/963">#963</a>):</p>
<div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=" PrintAndLog(u"SSID: " + RememberedNetwork["SSIDString"].decode("utf-8") + u" - BSSID: " + RememberedNetwork["CachedScanRecord"]["BSSID"] + u" - RSSI: " + str(RememberedNetwork["CachedScanRecord"]["RSSI"]) + u" - Last connected: " + str(RememberedNetwork["LastConnected"]) + u" - Security type: " + RememberedNetwork["SecurityType"] + u" - Geolocation: " + Geolocation, "INFO")"><pre class="notranslate"> <span class="pl-v">PrintAndLog</span>(<span class="pl-s">u"SSID: "</span> <span class="pl-c1">+</span> <span class="pl-v">RememberedNetwork</span>[<span class="pl-s">"SSIDString"</span>].<span class="pl-en">decode</span>(<span class="pl-s">"utf-8"</span>) <span class="pl-c1">+</span> <span class="pl-s">u" - BSSID: "</span> <span class="pl-c1">+</span> <span class="pl-v">RememberedNetwork</span>[<span class="pl-s">"CachedScanRecord"</span>][<span class="pl-s">"BSSID"</span>] <span class="pl-c1">+</span> <span class="pl-s">u" - RSSI: "</span> <span class="pl-c1">+</span> <span class="pl-en">str</span>(<span class="pl-v">RememberedNetwork</span>[<span class="pl-s">"CachedScanRecord"</span>][<span class="pl-s">"RSSI"</span>]) <span class="pl-c1">+</span> <span class="pl-s">u" - Last connected: "</span> <span class="pl-c1">+</span> <span class="pl-en">str</span>(<span class="pl-v">RememberedNetwork</span>[<span class="pl-s">"LastConnected"</span>]) <span class="pl-c1">+</span> <span class="pl-s">u" - Security type: "</span> <span class="pl-c1">+</span> <span class="pl-v">RememberedNetwork</span>[<span class="pl-s">"SecurityType"</span>] <span class="pl-c1">+</span> <span class="pl-s">u" - Geolocation: "</span> <span class="pl-c1">+</span> <span class="pl-v">Geolocation</span>, <span class="pl-s">"INFO"</span>)</pre></div>
<p dir="auto">Which led to the following bug:<br>
<a target="_blank" rel="noopener noreferrer nofollow" href="https://camo.githubusercontent.com/e06069206d526a16adf21e84cd179f1185d3fb5e0f05fea4d4b4a08a978092f4/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f34343737342f323331333737382f37366262346262612d613330642d313165332d396136342d3831663666393163323563342e706e67"><img src="https://camo.githubusercontent.com/e06069206d526a16adf21e84cd179f1185d3fb5e0f05fea4d4b4a08a978092f4/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f34343737342f323331333737382f37366262346262612d613330642d313165332d396136342d3831663666393163323563342e706e67" alt="screen shot 2014-03-03 at 2 52 40 pm" data-canonical-src="https://f.cloud.github.com/assets/44774/2313778/76bb4bba-a30d-11e3-9a64-81f6f91c25c4.png" style="max-width: 100%;"></a></p>
<p dir="auto">You can find this as the main file in <a href="https://github.com/jipegit/OSXAuditor/blob/master/osxauditor.py"><code class="notranslate">osxauditor.py</code></a>.</p> | 1 |
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="xdf = pd.DataFrame(new_data).sample(frac = 0.2, replace = False , random_state = 1)
ccols = xdf.columns[0:28]
grouped_data = xdf.groupby('Class')
sns.set(font_scale = 0.8)
sns.set_palette(['#06B1F0' , '#FC4B60'])
fig , axes = pltFD.subplots(nrows = 4, ncols = 7, figsize = (16 , 12) , tight_layout = True)
for ax , p in zip(axes.ravel() , ccols):
for k , v in grouped_data[p]:
sns.kdeplot(v , ax = ax , label = str(k) + ":" + v.name)
pltFD.setp(ax.get_legend().get_texts() , fontsize = '10')"><pre class="notranslate"><code class="notranslate">xdf = pd.DataFrame(new_data).sample(frac = 0.2, replace = False , random_state = 1)
ccols = xdf.columns[0:28]
grouped_data = xdf.groupby('Class')
sns.set(font_scale = 0.8)
sns.set_palette(['#06B1F0' , '#FC4B60'])
fig , axes = pltFD.subplots(nrows = 4, ncols = 7, figsize = (16 , 12) , tight_layout = True)
for ax , p in zip(axes.ravel() , ccols):
for k , v in grouped_data[p]:
sns.kdeplot(v , ax = ax , label = str(k) + ":" + v.name)
pltFD.setp(ax.get_legend().get_texts() , fontsize = '10')
</code></pre></div>
<p dir="auto">Gives this Error.<br>
<a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/29139858/66540489-91f95300-eb5e-11e9-8877-60f1dbac2d58.png"><img src="https://user-images.githubusercontent.com/29139858/66540489-91f95300-eb5e-11e9-8877-60f1dbac2d58.png" alt="image" style="max-width: 100%;"></a><br>
Total columns of dataframe=29<br>
Any one, do have any idea, only print, 21 subplots. can not plot all the features length cols.</p> | <p dir="auto">To reproduce this:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import matplotlib.pyplot as plt
x = [0.15, 0.11, 0.06, 0.06, 0.12, 0.56]
plt.boxplot(x,sym='+')
plt.show()"><pre class="notranslate"><code class="notranslate">import matplotlib.pyplot as plt
x = [0.15, 0.11, 0.06, 0.06, 0.12, 0.56]
plt.boxplot(x,sym='+')
plt.show()
</code></pre></div>
<p dir="auto">The outliers display correctly.</p>
<p dir="auto">However, after I add <code class="notranslate">import seaborn</code>, the outliers disappear.</p> | 0 |
<p dir="auto"><strong><a href="https://jira.spring.io/secure/[email protected]" rel="nofollow">Jörg Heinicke</a></strong> opened <strong><a href="https://jira.spring.io/browse/SPR-3654?redirect=false" rel="nofollow">SPR-3654</a></strong> and commented</p>
<p dir="auto">I have a property of type collection and want to bind a form:select to it. Since it's of collection type the CustomCollectionEditor is used. Unfortunately, there is no chance to use an additional custom PropertyEditor for the actual collection elements.<br>
This seems to be quite similar to <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398071087" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/7322" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/7322/hovercard" href="https://github.com/spring-projects/spring-framework/issues/7322">#7322</a> for form:checkbox.</p>
<p dir="auto">I wrote my analysis in the forum at <a href="http://forum.springframework.org/showthread.php?t=40960" rel="nofollow">http://forum.springframework.org/showthread.php?t=40960</a>.</p>
<p dir="auto">There is a hackish work-around at the moment: Since CustomCollectionEditor.convertElement(Object) actually replaces PropertyEditor.setAsText(String) + PropertyEditor.getValue() only a proper conversion from Object to String is missing. Spring falls back to toString() at the end in ValueFormatter.getDisplayString(Object, PropertyEditor, boolean). So the hackish work-around is to implement toString() doing the PropertyEditor.setValue(Object) + PropertyEditor.getAsText() part of the custom PropertyEditor I actually wanted to use.</p>
<p dir="auto">I find the CustomCollectionEditor quite strange anyway since it is used for both converting a collection to ... hmm ... a collection and to convert a string representation of a single object into a collection as well by delegating to convertElement(Object). Actually my extended CustomCollectionEditor gets injected the custom PropertyEditor for the collection elements. This one is used in convertElement(Object). If there would only be a way to convert the objects to strings. I'd prefer a solution where I don't need to touch the CustomCollectionEditor at all.</p>
<p dir="auto">Joerg</p>
<hr>
<p dir="auto"><strong>Affects:</strong> 2.0.6</p>
<p dir="auto"><strong>Issue Links:</strong></p>
<ul dir="auto">
<li><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398083114" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/8842" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/8842/hovercard" href="https://github.com/spring-projects/spring-framework/issues/8842">#8842</a> form:checkboxes and form:radiobuttons should use registered property editor (<em><strong>"is duplicated by"</strong></em>)</li>
</ul>
<p dir="auto">1 votes, 2 watchers</p> | <p dir="auto"><strong><a href="https://jira.spring.io/secure/ViewProfile.jspa?name=bozho" rel="nofollow">Bozhidar Bozhanov</a></strong> opened <strong><a href="https://jira.spring.io/browse/SPR-9318?redirect=false" rel="nofollow">SPR-9318</a></strong> and commented</p>
<p dir="auto">Currently all <code class="notranslate">@Async</code> methods are executed using the same thread pool. But often you need different groups of related async operations and you don't want them to share the same pool. For example, a scheduled job may want to asynchronously invoke a method multiple times, but if it uses <code class="notranslate">@Async</code> it will consume all the threads that are supposed to be used by other processes.</p>
<p dir="auto">That's why I suggest to add an async group. <code class="notranslate">@Async</code>(group="main"), <code class="notranslate">@Async</code>(group="calculations"), etc. Each of them will have a separate pool.</p>
<p dir="auto"><task:executor id="mainExecutor" pool-size="100" group="main" /><br>
<task:executor id="calcExecutor" pool-size="20" group="calculations" /><br>
<task:annotation-driven executors="mainExecutor,calcExecutor" /> (or a nested <list>)</p>
<hr>
<p dir="auto"><strong>Affects:</strong> 3.1.1</p>
<p dir="auto"><strong>Issue Links:</strong></p>
<ul dir="auto">
<li><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398102969" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/11513" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/11513/hovercard" href="https://github.com/spring-projects/spring-framework/issues/11513">#11513</a> Enable Executor qualification with <code class="notranslate">@Async</code> (<em><strong>"duplicates"</strong></em>)</li>
</ul>
<p dir="auto">1 votes, 1 watchers</p> | 0 |
<p dir="auto"><strong><a href="https://jira.spring.io/secure/ViewProfile.jspa?name=rjo67" rel="nofollow">richard oates</a></strong> opened <strong><a href="https://jira.spring.io/browse/SPR-5205?redirect=false" rel="nofollow">SPR-5205</a></strong> and commented</p>
<p dir="auto">In our setup we want to read in many bean definition "fragments" and then in a later step allow bean overriding. In BeanDefinitionParserDelegate the method parseBeanDefinitionElement checks for duplicate beans using the method checkNameUniqueness. If this method was protected instead of private, we could simply subclass and override it.</p>
<p dir="auto">As it is, we're forced to subclass and duplicate the implementation of parseBeanDefinitionElement. Not a major problem, but it would be nice if the visibility of checkNameUniqueness could be changed to protected to enable us to avoid this.</p>
<hr>
<p dir="auto"><strong>Affects:</strong> 2.5.5</p> | <p dir="auto"><strong><a href="https://jira.spring.io/secure/ViewProfile.jspa?name=richard.allen" rel="nofollow">Richard L. Allen</a></strong> opened <strong><a href="https://jira.spring.io/browse/SPR-9324?redirect=false" rel="nofollow">SPR-9324</a></strong> and commented</p>
<p dir="auto">We use a custom <code class="notranslate">ClassPathBeanDefinitionScanner</code> along with <code class="notranslate">AnnotationConfigWebApplicationContext</code>. To achieve this, we have to extend <code class="notranslate">AnnotationConfigWebApplicationContext</code> and override the <code class="notranslate">loadBeanDefinitions</code> method to substitute our custom scanner. Would be nice if <code class="notranslate">AnnotationConfigWebApplicationContext</code> simply had a set method for the scanner the same as the set methods for the <code class="notranslate">BeanNameGenerator</code> and <code class="notranslate">ScopeMetadataResolver</code>.</p>
<hr>
<p dir="auto"><strong>Affects:</strong> 3.1.1</p>
<p dir="auto"><strong>Referenced from:</strong> commits <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/spring-projects/spring-framework/commit/0230c49a82c750cf2c6aa169b2f10361b185ed23/hovercard" href="https://github.com/spring-projects/spring-framework/commit/0230c49a82c750cf2c6aa169b2f10361b185ed23"><tt>0230c49</tt></a>, <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/spring-projects/spring-framework/commit/20beace1bf992e52e5f6403217696d8d45dcd2b8/hovercard" href="https://github.com/spring-projects/spring-framework/commit/20beace1bf992e52e5f6403217696d8d45dcd2b8"><tt>20beace</tt></a></p>
<p dir="auto"><strong>Backported to:</strong> <a href="https://github.com/spring-projects/spring-framework/milestone/133?closed=1">4.1.9</a></p>
<p dir="auto">1 votes, 1 watchers</p> | 0 |
<h2 dir="auto">Environment info</h2>
<ul dir="auto">
<li><code class="notranslate">transformers</code> version: 4.3.2</li>
<li>Platform: Google Colab</li>
<li>Python version: 3.7.10</li>
<li>PyTorch version (GPU?): 1.7.0+cu101</li>
<li>Using GPU in script?: no, but error also occurs on GPU</li>
<li>Using distributed or parallel set-up in script?: no</li>
</ul>
<h3 dir="auto">Who can help</h3>
<p dir="auto"><a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/patrickvonplaten/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/patrickvonplaten">@patrickvonplaten</a></p>
<h2 dir="auto">Information</h2>
<p dir="auto">Model I am using: ReformerForSequenceClassification</p>
<p dir="auto">The problem arises when using: Pretrained model</p>
<p dir="auto">The tasks I am working on is:</p>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> my own task or dataset:</li>
</ul>
<h2 dir="auto">To reproduce</h2>
<p dir="auto">Steps to reproduce the behavior:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="from transformers import ReformerForSequenceClassification, ReformerTokenizerFast
test = ReformerForSequenceClassification.from_pretrained('google/reformer-crime-and-punishment')
tokenizer = ReformerTokenizerFast.from_pretrained('google/reformer-crime-and-punishment')
input = tokenizer("this is a test", return_tensors='pt')
out = test(**input, labels = torch.zeros((1,1), dtype=torch.long))
out.loss.backward()"><pre class="notranslate"><code class="notranslate">from transformers import ReformerForSequenceClassification, ReformerTokenizerFast
test = ReformerForSequenceClassification.from_pretrained('google/reformer-crime-and-punishment')
tokenizer = ReformerTokenizerFast.from_pretrained('google/reformer-crime-and-punishment')
input = tokenizer("this is a test", return_tensors='pt')
out = test(**input, labels = torch.zeros((1,1), dtype=torch.long))
out.loss.backward()
</code></pre></div>
<p dir="auto">Error message:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="TypeError Traceback (most recent call last)
<ipython-input-155-db0c2d6dca2a> in <module>()
6 out = test(**input, labels = torch.zeros((1,1), dtype=torch.long))
7
----> 8 out.loss.backward()
5 frames
/usr/local/lib/python3.7/dist-packages/torch/tensor.py in backward(self, gradient, retain_graph, create_graph)
219 retain_graph=retain_graph,
220 create_graph=create_graph)
--> 221 torch.autograd.backward(self, gradient, retain_graph, create_graph)
222
223 def register_hook(self, hook):
/usr/local/lib/python3.7/dist-packages/torch/autograd/__init__.py in backward(tensors, grad_tensors, retain_graph, create_graph, grad_variables)
130 Variable._execution_engine.run_backward(
131 tensors, grad_tensors_, retain_graph, create_graph,
--> 132 allow_unreachable=True) # allow_unreachable flag
133
134
/usr/local/lib/python3.7/dist-packages/torch/autograd/function.py in apply(self, *args)
87 def apply(self, *args):
88 # _forward_cls is defined by derived class
---> 89 return self._forward_cls.backward(self, *args) # type: ignore
90
91
/usr/local/lib/python3.7/dist-packages/transformers/models/reformer/modeling_reformer.py in backward(***failed resolving arguments***)
1673 head_mask=head_mask[len(layers) - idx - 1],
1674 attention_mask=attention_mask,
-> 1675 buckets=buckets,
1676 )
1677
/usr/local/lib/python3.7/dist-packages/transformers/models/reformer/modeling_reformer.py in backward_pass(self, next_attn_output, hidden_states, grad_attn_output, grad_hidden_states, attention_mask, head_mask, buckets)
1527
1528 # set seed to have correct dropout
-> 1529 torch.manual_seed(self.feed_forward_seed)
1530 # g(Y_1)
1531 res_hidden_states = self.feed_forward(next_attn_output)
/usr/local/lib/python3.7/dist-packages/torch/random.py in manual_seed(seed)
30 `0xffff_ffff_ffff_ffff + seed`.
31 """
---> 32 seed = int(seed)
33 import torch.cuda
34
TypeError: int() argument must be a string, a bytes-like object or a number, not 'NoneType'"><pre class="notranslate"><code class="notranslate">TypeError Traceback (most recent call last)
<ipython-input-155-db0c2d6dca2a> in <module>()
6 out = test(**input, labels = torch.zeros((1,1), dtype=torch.long))
7
----> 8 out.loss.backward()
5 frames
/usr/local/lib/python3.7/dist-packages/torch/tensor.py in backward(self, gradient, retain_graph, create_graph)
219 retain_graph=retain_graph,
220 create_graph=create_graph)
--> 221 torch.autograd.backward(self, gradient, retain_graph, create_graph)
222
223 def register_hook(self, hook):
/usr/local/lib/python3.7/dist-packages/torch/autograd/__init__.py in backward(tensors, grad_tensors, retain_graph, create_graph, grad_variables)
130 Variable._execution_engine.run_backward(
131 tensors, grad_tensors_, retain_graph, create_graph,
--> 132 allow_unreachable=True) # allow_unreachable flag
133
134
/usr/local/lib/python3.7/dist-packages/torch/autograd/function.py in apply(self, *args)
87 def apply(self, *args):
88 # _forward_cls is defined by derived class
---> 89 return self._forward_cls.backward(self, *args) # type: ignore
90
91
/usr/local/lib/python3.7/dist-packages/transformers/models/reformer/modeling_reformer.py in backward(***failed resolving arguments***)
1673 head_mask=head_mask[len(layers) - idx - 1],
1674 attention_mask=attention_mask,
-> 1675 buckets=buckets,
1676 )
1677
/usr/local/lib/python3.7/dist-packages/transformers/models/reformer/modeling_reformer.py in backward_pass(self, next_attn_output, hidden_states, grad_attn_output, grad_hidden_states, attention_mask, head_mask, buckets)
1527
1528 # set seed to have correct dropout
-> 1529 torch.manual_seed(self.feed_forward_seed)
1530 # g(Y_1)
1531 res_hidden_states = self.feed_forward(next_attn_output)
/usr/local/lib/python3.7/dist-packages/torch/random.py in manual_seed(seed)
30 `0xffff_ffff_ffff_ffff + seed`.
31 """
---> 32 seed = int(seed)
33 import torch.cuda
34
TypeError: int() argument must be a string, a bytes-like object or a number, not 'NoneType'
</code></pre></div>
<h2 dir="auto">Expected behavior</h2>
<p dir="auto">No error.</p>
<h2 dir="auto">Workaround</h2>
<p dir="auto">Calling the seed init functions fixes the issue:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="from transformers import ReformerForSequenceClassification, ReformerTokenizerFast
test = ReformerForSequenceClassification.from_pretrained('google/reformer-crime-and-punishment')
tokenizer = ReformerTokenizerFast.from_pretrained('google/reformer-crime-and-punishment')
for l in [m for m in test.modules()][0].reformer.encoder.layers:
l._init_feed_forward_seed()
l._init_attention_seed()
input = tokenizer("this is a test", return_tensors='pt')
out = test(**input, labels = torch.zeros((1,1), dtype=torch.long))
out.loss.backward()"><pre class="notranslate"><code class="notranslate">from transformers import ReformerForSequenceClassification, ReformerTokenizerFast
test = ReformerForSequenceClassification.from_pretrained('google/reformer-crime-and-punishment')
tokenizer = ReformerTokenizerFast.from_pretrained('google/reformer-crime-and-punishment')
for l in [m for m in test.modules()][0].reformer.encoder.layers:
l._init_feed_forward_seed()
l._init_attention_seed()
input = tokenizer("this is a test", return_tensors='pt')
out = test(**input, labels = torch.zeros((1,1), dtype=torch.long))
out.loss.backward()
</code></pre></div>
<p dir="auto">Also note that this doesn't occur when I use a custom config.</p> | <h2 dir="auto">Environment info</h2>
<ul dir="auto">
<li><code class="notranslate">transformers</code> version:</li>
<li>Platform:</li>
<li>Python version: 3.7.10</li>
<li>PyTorch version (GPU?): 1.7</li>
<li>Using GPU in script?: Yes</li>
<li>Using distributed or parallel set-up in script?: No</li>
</ul>
<h3 dir="auto">Who can help</h3>
<p dir="auto"><a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/patrickvonplaten/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/patrickvonplaten">@patrickvonplaten</a></p>
<h2 dir="auto">Information</h2>
<p dir="auto">Model I am using (Bert, XLNet ...): Reformer</p>
<p dir="auto">The problem arises when using:</p>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> my own modified scripts: performing a backward() after passing the query and text to the <code class="notranslate">ReformerForQuestionAnswering</code> model.</li>
</ul>
<p dir="auto">The tasks I am working on is:</p>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> an official GLUE/SQUaD task: a subset of SQuAD</li>
</ul>
<h2 dir="auto">To reproduce</h2>
<p dir="auto">Steps to reproduce the behavior:</p>
<p dir="auto">Performing backward on the loss throwing an error.</p>
<p dir="auto">Minimal code to reproduce the error.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="from transformers import ReformerTokenizer, ReformerForQuestionAnswering
import torch
tokenizer = ReformerTokenizer.from_pretrained('google/reformer-crime-and-punishment')
model = ReformerForQuestionAnswering.from_pretrained('google/reformer-crime-and-punishment')
question, text = "Who was Jim Henson?", "Jim Henson was a nice puppet"
inputs = tokenizer(question, text, return_tensors='pt')
start_positions = torch.tensor([1])
end_positions = torch.tensor([3])
outputs = model(**inputs, start_positions=start_positions, end_positions=end_positions)
loss = outputs.loss
loss.backward()"><pre class="notranslate"><code class="notranslate">from transformers import ReformerTokenizer, ReformerForQuestionAnswering
import torch
tokenizer = ReformerTokenizer.from_pretrained('google/reformer-crime-and-punishment')
model = ReformerForQuestionAnswering.from_pretrained('google/reformer-crime-and-punishment')
question, text = "Who was Jim Henson?", "Jim Henson was a nice puppet"
inputs = tokenizer(question, text, return_tensors='pt')
start_positions = torch.tensor([1])
end_positions = torch.tensor([3])
outputs = model(**inputs, start_positions=start_positions, end_positions=end_positions)
loss = outputs.loss
loss.backward()
</code></pre></div>
<p dir="auto">Error Traceback</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="create_graph)
219 retain_graph=retain_graph,
220 create_graph=create_graph)
--> 221 torch.autograd.backward(self, gradient, retain_graph, create_graph)
222
223 def register_hook(self, hook):
/usr/local/lib/python3.7/dist-packages/torch/autograd/__init__.py in backward(tensors, grad_tensors, retain_graph, create_graph, grad_variables)
130 Variable._execution_engine.run_backward(
131 tensors, grad_tensors_, retain_graph, create_graph,
--> 132 allow_unreachable=True) # allow_unreachable flag
133
134
/usr/local/lib/python3.7/dist-packages/torch/autograd/function.py in apply(self, *args)
87 def apply(self, *args):
88 # _forward_cls is defined by derived class
---> 89 return self._forward_cls.backward(self, *args) # type: ignore
90
91
/usr/local/lib/python3.7/dist-packages/transformers/models/reformer/modeling_reformer.py in backward(***failed resolving arguments***)
1673 head_mask=head_mask[len(layers) - idx - 1],
1674 attention_mask=attention_mask,
-> 1675 buckets=buckets,
1676 )
1677
/usr/local/lib/python3.7/dist-packages/transformers/models/reformer/modeling_reformer.py in backward_pass(self, next_attn_output, hidden_states, grad_attn_output, grad_hidden_states, attention_mask, head_mask, buckets)
1527
1528 # set seed to have correct dropout
-> 1529 torch.manual_seed(self.feed_forward_seed)
1530 # g(Y_1)
1531 res_hidden_states = self.feed_forward(next_attn_output)
/usr/local/lib/python3.7/dist-packages/torch/random.py in manual_seed(seed)
30 `0xffff_ffff_ffff_ffff + seed`.
31 """
---> 32 seed = int(seed)
33 import torch.cuda
34
TypeError: int() argument must be a string, a bytes-like object or a number, not 'NoneType'
"><pre class="notranslate"><code class="notranslate">create_graph)
219 retain_graph=retain_graph,
220 create_graph=create_graph)
--> 221 torch.autograd.backward(self, gradient, retain_graph, create_graph)
222
223 def register_hook(self, hook):
/usr/local/lib/python3.7/dist-packages/torch/autograd/__init__.py in backward(tensors, grad_tensors, retain_graph, create_graph, grad_variables)
130 Variable._execution_engine.run_backward(
131 tensors, grad_tensors_, retain_graph, create_graph,
--> 132 allow_unreachable=True) # allow_unreachable flag
133
134
/usr/local/lib/python3.7/dist-packages/torch/autograd/function.py in apply(self, *args)
87 def apply(self, *args):
88 # _forward_cls is defined by derived class
---> 89 return self._forward_cls.backward(self, *args) # type: ignore
90
91
/usr/local/lib/python3.7/dist-packages/transformers/models/reformer/modeling_reformer.py in backward(***failed resolving arguments***)
1673 head_mask=head_mask[len(layers) - idx - 1],
1674 attention_mask=attention_mask,
-> 1675 buckets=buckets,
1676 )
1677
/usr/local/lib/python3.7/dist-packages/transformers/models/reformer/modeling_reformer.py in backward_pass(self, next_attn_output, hidden_states, grad_attn_output, grad_hidden_states, attention_mask, head_mask, buckets)
1527
1528 # set seed to have correct dropout
-> 1529 torch.manual_seed(self.feed_forward_seed)
1530 # g(Y_1)
1531 res_hidden_states = self.feed_forward(next_attn_output)
/usr/local/lib/python3.7/dist-packages/torch/random.py in manual_seed(seed)
30 `0xffff_ffff_ffff_ffff + seed`.
31 """
---> 32 seed = int(seed)
33 import torch.cuda
34
TypeError: int() argument must be a string, a bytes-like object or a number, not 'NoneType'
</code></pre></div>
<p dir="auto">From debugging, I believe that the error was caused because the <code class="notranslate">self.feed_forward_seed</code> in <code class="notranslate">ReformerLayer</code> class is <code class="notranslate">None</code>.</p>
<p dir="auto">I have tried the same code with Longformer and it was working perfectly.</p>
<h2 dir="auto">Expected behavior</h2>
<p dir="auto"><code class="notranslate">loss.backward()</code> running properly.</p> | 1 |
<blockquote>
<p dir="auto">Go 1.5.1 on OS X 10.10.5 with Xcode 7</p>
</blockquote>
<p dir="auto">It appears Go builds c archives with absolute addressing, which makes Xcode unhappy when using the resulting static library in a project:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="(null): PIE disabled. Absolute addressing (perhaps -mdynamic-no-pic) not allowed in code signed PIE, but used in __cgoexp_45a75e65c81e_Test from build/iphoneos/main.a(go.o). To fix this warning, don't compile with -mdynamic-no-pic or link with -Wl,-no_pie"><pre class="notranslate"><code class="notranslate">(null): PIE disabled. Absolute addressing (perhaps -mdynamic-no-pic) not allowed in code signed PIE, but used in __cgoexp_45a75e65c81e_Test from build/iphoneos/main.a(go.o). To fix this warning, don't compile with -mdynamic-no-pic or link with -Wl,-no_pie
</code></pre></div>
<p dir="auto">I made a sample test project here: <a href="https://github.com/swisspol/Go-Bridge">https://github.com/swisspol/Go-Bridge</a></p> | <p dir="auto">When including the generated gomobile iOS framework into another iOS framework, calling gomobile generated method from the wrapper framework causes linker failure with message "ld: illegal text-relocation to 'type..eq.[0]string'"</p> | 1 |
<p dir="auto">Rust often requires more than 2G of virtual memory so it's not possible to build it on a 32-bit OS. This is especially problematic on Windows.</p>
<p dir="auto"><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="47912395" data-permission-text="Title is private" data-url="https://github.com/rust-lang/rust/issues/18678" data-hovercard-type="pull_request" data-hovercard-url="/rust-lang/rust/pull/18678/hovercard" href="https://github.com/rust-lang/rust/pull/18678">#18678</a> may be enough to fix this on Linux / FreeBSD, and would allow preventing regressions via the jemalloc <code class="notranslate">mapped</code> statistic (+ accounting for the VM used by libraries, etc.).</p> | <p dir="auto">This code generates</p>
<div class="highlight highlight-source-rust notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="trait Y<'a>: Sized {
fn f(&'a self) {
}
fn g(&self) where Self: for<'r> Y<'r> {
self.f();
}
}"><pre class="notranslate"><span class="pl-k">trait</span> <span class="pl-smi">Y</span><span class="pl-kos"><</span><span class="pl-c1">'</span><span class="pl-ent">a</span><span class="pl-kos">></span><span class="pl-kos">:</span> <span class="pl-smi">Sized</span> <span class="pl-kos">{</span>
<span class="pl-k">fn</span> <span class="pl-en">f</span><span class="pl-kos">(</span><span class="pl-c1">&</span><span class="pl-c1">'</span><span class="pl-ent">a</span> <span class="pl-smi">self</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-kos">}</span>
<span class="pl-k">fn</span> <span class="pl-en">g</span><span class="pl-kos">(</span><span class="pl-c1">&</span><span class="pl-smi">self</span><span class="pl-kos">)</span> <span class="pl-k">where</span> <span class="pl-smi">Self</span><span class="pl-kos">:</span> <span class="pl-k">for</span><span class="pl-kos"><</span><span class="pl-c1">'</span><span class="pl-ent">r</span><span class="pl-kos">></span> <span class="pl-smi">Y</span><span class="pl-kos"><</span><span class="pl-c1">'</span><span class="pl-ent">r</span><span class="pl-kos">></span> <span class="pl-kos">{</span>
<span class="pl-smi">self</span><span class="pl-kos">.</span><span class="pl-en">f</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto">this ICE</p>
<div class="highlight highlight-text-adblock notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="<anon>:6:14: 6:17 error: internal compiler error: coherence failed to report ambiguity: cannot locate the impl of the trait `Y<'_>` for the type `Self`
<anon>:6 self.f();
^~~
note: the compiler unexpectedly panicked. this is a bug.
note: we would appreciate a bug report: https://github.com/rust-lang/rust/blob/master/CONTRIBUTING.md#bug-reports
note: run with `RUST_BACKTRACE=1` for a backtrace
thread 'rustc' panicked at 'Box<Any>', ../src/libsyntax/diagnostic.rs:176
playpen: application terminated with error code 101"><pre class="notranslate"><anon>:6:14: 6:17 error: internal compiler error: coherence failed to report ambiguity: cannot locate the impl of the trait `Y<'_>` for the type `Self`
<anon>:6 self.f();
<span class="pl-k">^</span>~~
note: the compiler unexpectedly panicked. this is a bug.
note: we would appreciate a bug report: https://github.com/rust-lang/rust/blob/master/CONTRIBUTING.md#bug-reports
note: run with `RUST_BACKTRACE=1` for a backtrace
thread 'rustc' panicked at 'Box<Any>', ../src/libsyntax/diagnostic.rs:176
playpen: application terminated with error code 101</pre></div> | 0 |
<ul dir="auto">
<li>Neo4j version: 4.0.0</li>
<li>Operating system: <code class="notranslate">neo4j:4.0.0-enterprise</code>docker image</li>
<li>API/Driver: cypher</li>
</ul>
<p dir="auto">I'm still trying to narrow down the exact repro but a cypher create/merge statement that was working in 3.5, caused our prod cluster to become corrupt in 4.0.</p>
<p dir="auto">The cluster had been migrated from 3.5.12 a few weeks ago and running reliably until this particular statement was run (it's an infrequently run statement), which brought down and corrupted the entire cluster with logs:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="ERROR Clustering components for database 'neo4j' have encountered a critical error org.neo4j.internal.kernel.api.exceptions.TransactionFailureException: Could not apply the transaction to the store after written to log"><pre class="notranslate"><code class="notranslate">ERROR Clustering components for database 'neo4j' have encountered a critical error org.neo4j.internal.kernel.api.exceptions.TransactionFailureException: Could not apply the transaction to the store after written to log
</code></pre></div>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="java.lang.RuntimeException: org.neo4j.internal.kernel.api.exceptions.TransactionFailureException: Could not apply the transaction to the store after written to log
at com.neo4j.causalclustering.core.state.machines.token.ReplicatedTokenStateMachine.applyToStore(ReplicatedTokenStateMachine.java:96)
at com.neo4j.causalclustering.core.state.machines.token.ReplicatedTokenStateMachine.applyCommand(ReplicatedTokenStateMachine.java:74)
at com.neo4j.causalclustering.core.state.machines.CoreStateMachines$StateMachineCommandDispatcher.dispatch(CoreStateMachines.java:119)
at com.neo4j.causalclustering.core.state.machines.token.ReplicatedTokenRequest.dispatch(ReplicatedTokenRequest.java:94)
at com.neo4j.causalclustering.core.state.CommandApplicationProcess.handleOperations(CommandApplicationProcess.java:234)
at com.neo4j.causalclustering.core.state.CommandApplicationProcess.applyBatch(CommandApplicationProcess.java:210)
at com.neo4j.causalclustering.core.state.CommandBatcher.flush(CommandBatcher.java:44)
at com.neo4j.causalclustering.core.state.CommandApplicationProcess.applyUpTo(CommandApplicationProcess.java:175)
at com.neo4j.causalclustering.core.state.CommandApplicationProcess.applyJob(CommandApplicationProcess.java:139)
at java.base/java.lang.Thread.run(Thread.java:834)
Caused by: org.neo4j.internal.kernel.api.exceptions.TransactionFailureException: Could not apply the transaction to the store after written to log
at org.neo4j.kernel.impl.api.TransactionRepresentationCommitProcess.applyToStore(TransactionRepresentationCommitProcess.java:82)
at org.neo4j.kernel.impl.api.TransactionRepresentationCommitProcess.commit(TransactionRepresentationCommitProcess.java:51)
at com.neo4j.causalclustering.core.state.machines.StateMachineCommitHelper.commit(StateMachineCommitHelper.java:56)
at com.neo4j.causalclustering.core.state.machines.StateMachineCommitHelper.commit(StateMachineCommitHelper.java:51)
at com.neo4j.causalclustering.core.state.machines.token.ReplicatedTokenStateMachine.applyToStore(ReplicatedTokenStateMachine.java:92)
... 9 more
Caused by: org.neo4j.internal.kernel.api.exceptions.TransactionApplyKernelException: Failed to apply transaction: Transaction #1832889 at log position LogPosition{logVersion=1, byteOffset=217722710} {started 1970-01-01 00:00:00.000+0000, committed 1970-01-01 00:00:00.000+0000, with 1 commands in this transaction, lease 0, latest committed transaction id when started was 0, additional header bytes: "><pre class="notranslate"><code class="notranslate">java.lang.RuntimeException: org.neo4j.internal.kernel.api.exceptions.TransactionFailureException: Could not apply the transaction to the store after written to log
at com.neo4j.causalclustering.core.state.machines.token.ReplicatedTokenStateMachine.applyToStore(ReplicatedTokenStateMachine.java:96)
at com.neo4j.causalclustering.core.state.machines.token.ReplicatedTokenStateMachine.applyCommand(ReplicatedTokenStateMachine.java:74)
at com.neo4j.causalclustering.core.state.machines.CoreStateMachines$StateMachineCommandDispatcher.dispatch(CoreStateMachines.java:119)
at com.neo4j.causalclustering.core.state.machines.token.ReplicatedTokenRequest.dispatch(ReplicatedTokenRequest.java:94)
at com.neo4j.causalclustering.core.state.CommandApplicationProcess.handleOperations(CommandApplicationProcess.java:234)
at com.neo4j.causalclustering.core.state.CommandApplicationProcess.applyBatch(CommandApplicationProcess.java:210)
at com.neo4j.causalclustering.core.state.CommandBatcher.flush(CommandBatcher.java:44)
at com.neo4j.causalclustering.core.state.CommandApplicationProcess.applyUpTo(CommandApplicationProcess.java:175)
at com.neo4j.causalclustering.core.state.CommandApplicationProcess.applyJob(CommandApplicationProcess.java:139)
at java.base/java.lang.Thread.run(Thread.java:834)
Caused by: org.neo4j.internal.kernel.api.exceptions.TransactionFailureException: Could not apply the transaction to the store after written to log
at org.neo4j.kernel.impl.api.TransactionRepresentationCommitProcess.applyToStore(TransactionRepresentationCommitProcess.java:82)
at org.neo4j.kernel.impl.api.TransactionRepresentationCommitProcess.commit(TransactionRepresentationCommitProcess.java:51)
at com.neo4j.causalclustering.core.state.machines.StateMachineCommitHelper.commit(StateMachineCommitHelper.java:56)
at com.neo4j.causalclustering.core.state.machines.StateMachineCommitHelper.commit(StateMachineCommitHelper.java:51)
at com.neo4j.causalclustering.core.state.machines.token.ReplicatedTokenStateMachine.applyToStore(ReplicatedTokenStateMachine.java:92)
... 9 more
Caused by: org.neo4j.internal.kernel.api.exceptions.TransactionApplyKernelException: Failed to apply transaction: Transaction #1832889 at log position LogPosition{logVersion=1, byteOffset=217722710} {started 1970-01-01 00:00:00.000+0000, committed 1970-01-01 00:00:00.000+0000, with 1 commands in this transaction, lease 0, latest committed transaction id when started was 0, additional header bytes:
</code></pre></div>
<p dir="auto">...</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="at org.neo4j.internal.recordstorage.RecordStorageEngine.apply(RecordStorageEngine.java:302)
at org.neo4j.kernel.impl.api.TransactionRepresentationCommitProcess.applyToStore(TransactionRepresentationCommitProcess.java:78)
... 13 more
Caused by: org.neo4j.token.api.NonUniqueTokenException: The PropertyKey NamedToken[name:stripeBankAccountId, id:611, internal:false] is not unique, it existed as NamedToken[name:__org.neo4j.SchemaRule.IndexConfig.spatial.wgs-84.max, id:611, internal:true]. at org.neo4j.token.TokenRegistry.put(TokenRegistry.java:73) at org.neo4j.token.AbstractTokenHolderBase.addToken(AbstractTokenHolderBase.java:52) at org.neo4j.internal.recordstorage.BridgingCacheAccess.addPropertyKeyToken(BridgingCacheAccess.java:68) at org.neo4j.internal.recordstorage.CacheInvalidationTransactionApplier.visitPropertyKeyTokenCommand(CacheInvalidationTransactionApplier.java:69) at org.neo4j.internal.recordstorage.Command$PropertyKeyTokenCommand.handle(Command.java:537) at org.neo4j.internal.recordstorage.TransactionApplierFacade.visit(TransactionApplierFacade.java:57) at org.neo4j.internal.recordstorage.TransactionApplierFacade.visit(TransactionApplierFacade.java:32) at org.neo4j.kernel.impl.transaction.log.PhysicalTransactionRepresentation.accept(PhysicalTransactionRepresentation.java:76) at org.neo4j.kernel.impl.api.TransactionToApply.accept(TransactionToApply.java:130) at org.neo4j.internal.recordstorage.RecordStorageEngine.apply(RecordStorageEngine.java:294) ... 14 more"><pre class="notranslate"><code class="notranslate">at org.neo4j.internal.recordstorage.RecordStorageEngine.apply(RecordStorageEngine.java:302)
at org.neo4j.kernel.impl.api.TransactionRepresentationCommitProcess.applyToStore(TransactionRepresentationCommitProcess.java:78)
... 13 more
Caused by: org.neo4j.token.api.NonUniqueTokenException: The PropertyKey NamedToken[name:stripeBankAccountId, id:611, internal:false] is not unique, it existed as NamedToken[name:__org.neo4j.SchemaRule.IndexConfig.spatial.wgs-84.max, id:611, internal:true]. at org.neo4j.token.TokenRegistry.put(TokenRegistry.java:73) at org.neo4j.token.AbstractTokenHolderBase.addToken(AbstractTokenHolderBase.java:52) at org.neo4j.internal.recordstorage.BridgingCacheAccess.addPropertyKeyToken(BridgingCacheAccess.java:68) at org.neo4j.internal.recordstorage.CacheInvalidationTransactionApplier.visitPropertyKeyTokenCommand(CacheInvalidationTransactionApplier.java:69) at org.neo4j.internal.recordstorage.Command$PropertyKeyTokenCommand.handle(Command.java:537) at org.neo4j.internal.recordstorage.TransactionApplierFacade.visit(TransactionApplierFacade.java:57) at org.neo4j.internal.recordstorage.TransactionApplierFacade.visit(TransactionApplierFacade.java:32) at org.neo4j.kernel.impl.transaction.log.PhysicalTransactionRepresentation.accept(PhysicalTransactionRepresentation.java:76) at org.neo4j.kernel.impl.api.TransactionToApply.accept(TransactionToApply.java:130) at org.neo4j.internal.recordstorage.RecordStorageEngine.apply(RecordStorageEngine.java:294) ... 14 more
</code></pre></div>
<p dir="auto">Repair was attempted by restarting the nodes but this resulted in all nodes failing to start with logs:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="ERROR Clustering components for database 'neo4j' have encountered a critical error Encountered error when attempting to reconcile database neo4j from state 'EnterpriseDatabaseState{databaseId=DatabaseId{name='neo4j', databaseId=DatabaseIdWithoutName{uuid=9f35bdfb-46ba-40f8-a292-88b0ba533c55}}, operatorState=STOPPED, failed=false}' to state 'online'"><pre class="notranslate"><code class="notranslate">ERROR Clustering components for database 'neo4j' have encountered a critical error Encountered error when attempting to reconcile database neo4j from state 'EnterpriseDatabaseState{databaseId=DatabaseId{name='neo4j', databaseId=DatabaseIdWithoutName{uuid=9f35bdfb-46ba-40f8-a292-88b0ba533c55}}, operatorState=STOPPED, failed=false}' to state 'online'
</code></pre></div>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="java.lang.IllegalStateException: Encountered error when attempting to reconcile database neo4j from state 'EnterpriseDatabaseState{databaseId=DatabaseId{name='neo4j', databaseId=DatabaseIdWithoutName{uuid=9f35bdfb-46ba-40f8-a292-88b0ba533c55}}, operatorState=STOPPED, failed=false}' to state 'online' at com.neo4j.dbms.DbmsReconciler.reportErrorAndPanicDatabase(DbmsReconciler.java:435) at com.neo4j.dbms.DbmsReconciler.handleReconciliationErrors(DbmsReconciler.java:420) at com.neo4j.dbms.DbmsReconciler.lambda$postReconcile$14(DbmsReconciler.java:369) at java.base/java.util.concurrent.ConcurrentHashMap.compute(ConcurrentHashMap.java:1947) at com.neo4j.dbms.DbmsReconciler.postReconcile(DbmsReconciler.java:367) at com.neo4j.dbms.DbmsReconciler.lambda$scheduleReconciliationJob$7(DbmsReconciler.java:234) at java.base/java.util.concurrent.CompletableFuture.uniWhenComplete(CompletableFuture.java:859) at java.base/java.util.concurrent.CompletableFuture$UniWhenComplete.tryFire(CompletableFuture.java:837) at java.base/java.util.concurrent.CompletableFuture.postComplete(CompletableFuture.java:506) at java.base/java.util.concurrent.CompletableFuture$AsyncSupply.run(CompletableFuture.java:1705) at java.base/java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1128) at java.base/java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:628) at java.base/java.lang.Thread.run(Thread.java:834) Caused by: org.neo4j.dbms.api.DatabaseManagementException: Unable to start database `DatabaseId{name='neo4j', databaseId=DatabaseIdWithoutName{uuid=9f35bdfb-46ba-40f8-a292-88b0ba533c55}}` at com.neo4j.dbms.database.ClusteredMultiDatabaseManager.startDatabase(ClusteredMultiDatabaseManager.java:83) at com.neo4j.dbms.database.ClusteredMultiDatabaseManager.startDatabase(ClusteredMultiDatabaseManager.java:37) at com.neo4j.dbms.database.MultiDatabaseManager.forSingleDatabase(MultiDatabaseManager.java:112) at com.neo4j.dbms.database.MultiDatabaseManager.startDatabase(MultiDatabaseManager.java:98) at com.neo4j.dbms.DbmsReconciler.start(DbmsReconciler.java:537) at com.neo4j.dbms.Transitions$TransitionFunction.lambda$prepare$0(Transitions.java:219) at com.neo4j.dbms.DbmsReconciler.doTransitionStep(DbmsReconciler.java:335) at com.neo4j.dbms.DbmsReconciler.doTransitionStep(DbmsReconciler.java:336) at com.neo4j.dbms.DbmsReconciler.doTransitions(DbmsReconciler.java:318) at com.neo4j.dbms.DbmsReconciler.lambda$doTransitions$9(DbmsReconciler.java:308) at java.base/java.util.concurrent.CompletableFuture$AsyncSupply.run(CompletableFuture.java:1700) ... 3 more Caused by: org.neo4j.kernel.lifecycle.LifecycleException: Component 'org.neo4j.kernel.recovery.TransactionLogsRecovery@97f40fb' failed to initialize. Please see the attached cause exception "Internal token for id 611 not found.". at org.neo4j.kernel.lifecycle.LifeSupport$LifecycleInstance.init(LifeSupport.java:426) at org.neo4j.kernel.lifecycle.LifeSupport.init(LifeSupport.java:66) at org.neo4j.kernel.lifecycle.LifeSupport.start(LifeSupport.java:102) at org.neo4j.kernel.recovery.Recovery.performRecovery(Recovery.java:364) at org.neo4j.kernel.recovery.Recovery.performRecovery(Recovery.java:246) at org.neo4j.kernel.recovery.RecoveryFacade.recovery(RecoveryFacade.java:49) at com.neo4j.causalclustering.core.CoreDatabase.lambda$new$0(CoreDatabase.java:42) at org.neo4j.kernel.lifecycle.LifecycleAdapter$3.start(LifecycleAdapter.java:86) at org.neo4j.kernel.lifecycle.LifeSupport$LifecycleInstance.start(LifeSupport.java:444) at org.neo4j.kernel.lifecycle.LifeSupport.start(LifeSupport.java:111) at com.neo4j.causalclustering.common.ClusteredDatabase.start(ClusteredDatabase.java:39) at com.neo4j.dbms.database.ClusteredMultiDatabaseManager.startDatabase(ClusteredMultiDatabaseManager.java:79) ... 13 more Caused by: java.lang.RuntimeException: Error reading transaction logs, recovery not possible. To force the database to start anyway, you can specify 'unsupported.dbms.tx_log.fail_on_corrupted_log_files=false'. This will try to recover as much as possible and then truncate the corrupt part of the transaction log. Doing this means your database integrity might be compromised, please consider restoring from a consistent backup instead. at org.neo4j.kernel.recovery.Recovery.throwUnableToCleanRecover(Recovery.java:464) at org.neo4j.kernel.recovery.TransactionLogsRecovery.init(TransactionLogsRecovery.java:147) at org.neo4j.kernel.lifecycle.LifeSupport$LifecycleInstance.init(LifeSupport.java:405) ... 24 more Caused by: org.neo4j.kernel.lifecycle.LifecycleException: Component 'org.neo4j.internal.recordstorage.RecordStorageEngine$2@58b75fa3' failed to initialize. Please see the attached cause exception "Internal token for id 611 not found.". at org.neo4j.kernel.lifecycle.LifeSupport$LifecycleInstance.init(LifeSupport.java:426) at org.neo4j.kernel.lifecycle.LifeSupport.init(LifeSupport.java:66) at org.neo4j.kernel.recovery.TransactionLogsRecovery.init(TransactionLogsRecovery.java:117) ... 25 more Caused by: java.lang.RuntimeException: org.neo4j.internal.kernel.api.exceptions.schema.MalformedSchemaRuleException: Cannot read schema rule because it is referring to a property key token (id 611) that does not exist. at org.neo4j.internal.recordstorage.SchemaStorage.readSchemaRuleThrowingRuntimeException(SchemaStorage.java:266) at org.neo4j.internal.recordstorage.SchemaStorage.lambda$streamAllSchemaRules$5(SchemaStorage.java:238) at java.base/java.util.stream.ReferencePipeline$7$1.accept(ReferencePipeline.java:271) at java.base/java.util.stream.ReferencePipeline$2$1.accept(ReferencePipeline.java:177) at java.base/java.util.stream.LongPipeline$1$1.accept(LongPipeline.java:177) at java.base/java.util.stream.Streams$RangeLongSpliterator.tryAdvance(Streams.java:207) at java.base/java.util.Spliterator$OfLong.tryAdvance(Spliterator.java:740) at java.base/java.util.stream.StreamSpliterators$WrappingSpliterator.lambda$initPartialTraversalState$0(StreamSpliterators.java:294) at java.base/java.util.stream.StreamSpliterators$AbstractWrappingSpliterator.fillBuffer(StreamSpliterators.java:206) at java.base/java.util.stream.StreamSpliterators$AbstractWrappingSpliterator.doAdvance(StreamSpliterators.java:161) at java.base/java.util.stream.StreamSpliterators$WrappingSpliterator.tryAdvance(StreamSpliterators.java:300) at java.base/java.util.Spliterators$1Adapter.hasNext(Spliterators.java:681) at org.neo4j.internal.recordstorage.SchemaCache$SchemaCacheState.load(SchemaCache.java:298) at org.neo4j.internal.recordstorage.SchemaCache$SchemaCacheState.<init>(SchemaCache.java:264) at org.neo4j.internal.recordstorage.SchemaCache.load(SchemaCache.java:134) at org.neo4j.internal.recordstorage.RecordStorageEngine.loadSchemaCache(RecordStorageEngine.java:368) at org.neo4j.internal.recordstorage.RecordStorageEngine$2.init(RecordStorageEngine.java:459) at org.neo4j.kernel.lifecycle.LifeSupport$LifecycleInstance.init(LifeSupport.java:405) ... 27 more Caused by: org.neo4j.internal.kernel.api.exceptions.schema.MalformedSchemaRuleException: Cannot read schema rule because it is referring to a property key token (id 611) that does not exist. at org.neo4j.kernel.impl.store.SchemaStore.insertPropertyIntoMap(SchemaStore.java:463) at org.neo4j.kernel.impl.store.SchemaStore.schemaRecordToMap(SchemaStore.java:445) at org.neo4j.kernel.impl.store.SchemaStore.readSchemaRule(SchemaStore.java:326) at org.neo4j.internal.recordstorage.SchemaStorage.readSchemaRule(SchemaStorage.java:274) at org.neo4j.internal.recordstorage.SchemaStorage.readSchemaRuleThrowingRuntimeException(SchemaStorage.java:259) ... 44 more Caused by: org.neo4j.token.api.TokenNotFoundException: Internal token for id 611 not found. at org.neo4j.token.AbstractTokenHolderBase.getInternalTokenById(AbstractTokenHolderBase.java:121) at org.neo4j.kernel.impl.store.SchemaStore.insertPropertyIntoMap(SchemaStore.java:457) ... 48 more"><pre class="notranslate"><code class="notranslate">java.lang.IllegalStateException: Encountered error when attempting to reconcile database neo4j from state 'EnterpriseDatabaseState{databaseId=DatabaseId{name='neo4j', databaseId=DatabaseIdWithoutName{uuid=9f35bdfb-46ba-40f8-a292-88b0ba533c55}}, operatorState=STOPPED, failed=false}' to state 'online' at com.neo4j.dbms.DbmsReconciler.reportErrorAndPanicDatabase(DbmsReconciler.java:435) at com.neo4j.dbms.DbmsReconciler.handleReconciliationErrors(DbmsReconciler.java:420) at com.neo4j.dbms.DbmsReconciler.lambda$postReconcile$14(DbmsReconciler.java:369) at java.base/java.util.concurrent.ConcurrentHashMap.compute(ConcurrentHashMap.java:1947) at com.neo4j.dbms.DbmsReconciler.postReconcile(DbmsReconciler.java:367) at com.neo4j.dbms.DbmsReconciler.lambda$scheduleReconciliationJob$7(DbmsReconciler.java:234) at java.base/java.util.concurrent.CompletableFuture.uniWhenComplete(CompletableFuture.java:859) at java.base/java.util.concurrent.CompletableFuture$UniWhenComplete.tryFire(CompletableFuture.java:837) at java.base/java.util.concurrent.CompletableFuture.postComplete(CompletableFuture.java:506) at java.base/java.util.concurrent.CompletableFuture$AsyncSupply.run(CompletableFuture.java:1705) at java.base/java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1128) at java.base/java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:628) at java.base/java.lang.Thread.run(Thread.java:834) Caused by: org.neo4j.dbms.api.DatabaseManagementException: Unable to start database `DatabaseId{name='neo4j', databaseId=DatabaseIdWithoutName{uuid=9f35bdfb-46ba-40f8-a292-88b0ba533c55}}` at com.neo4j.dbms.database.ClusteredMultiDatabaseManager.startDatabase(ClusteredMultiDatabaseManager.java:83) at com.neo4j.dbms.database.ClusteredMultiDatabaseManager.startDatabase(ClusteredMultiDatabaseManager.java:37) at com.neo4j.dbms.database.MultiDatabaseManager.forSingleDatabase(MultiDatabaseManager.java:112) at com.neo4j.dbms.database.MultiDatabaseManager.startDatabase(MultiDatabaseManager.java:98) at com.neo4j.dbms.DbmsReconciler.start(DbmsReconciler.java:537) at com.neo4j.dbms.Transitions$TransitionFunction.lambda$prepare$0(Transitions.java:219) at com.neo4j.dbms.DbmsReconciler.doTransitionStep(DbmsReconciler.java:335) at com.neo4j.dbms.DbmsReconciler.doTransitionStep(DbmsReconciler.java:336) at com.neo4j.dbms.DbmsReconciler.doTransitions(DbmsReconciler.java:318) at com.neo4j.dbms.DbmsReconciler.lambda$doTransitions$9(DbmsReconciler.java:308) at java.base/java.util.concurrent.CompletableFuture$AsyncSupply.run(CompletableFuture.java:1700) ... 3 more Caused by: org.neo4j.kernel.lifecycle.LifecycleException: Component 'org.neo4j.kernel.recovery.TransactionLogsRecovery@97f40fb' failed to initialize. Please see the attached cause exception "Internal token for id 611 not found.". at org.neo4j.kernel.lifecycle.LifeSupport$LifecycleInstance.init(LifeSupport.java:426) at org.neo4j.kernel.lifecycle.LifeSupport.init(LifeSupport.java:66) at org.neo4j.kernel.lifecycle.LifeSupport.start(LifeSupport.java:102) at org.neo4j.kernel.recovery.Recovery.performRecovery(Recovery.java:364) at org.neo4j.kernel.recovery.Recovery.performRecovery(Recovery.java:246) at org.neo4j.kernel.recovery.RecoveryFacade.recovery(RecoveryFacade.java:49) at com.neo4j.causalclustering.core.CoreDatabase.lambda$new$0(CoreDatabase.java:42) at org.neo4j.kernel.lifecycle.LifecycleAdapter$3.start(LifecycleAdapter.java:86) at org.neo4j.kernel.lifecycle.LifeSupport$LifecycleInstance.start(LifeSupport.java:444) at org.neo4j.kernel.lifecycle.LifeSupport.start(LifeSupport.java:111) at com.neo4j.causalclustering.common.ClusteredDatabase.start(ClusteredDatabase.java:39) at com.neo4j.dbms.database.ClusteredMultiDatabaseManager.startDatabase(ClusteredMultiDatabaseManager.java:79) ... 13 more Caused by: java.lang.RuntimeException: Error reading transaction logs, recovery not possible. To force the database to start anyway, you can specify 'unsupported.dbms.tx_log.fail_on_corrupted_log_files=false'. This will try to recover as much as possible and then truncate the corrupt part of the transaction log. Doing this means your database integrity might be compromised, please consider restoring from a consistent backup instead. at org.neo4j.kernel.recovery.Recovery.throwUnableToCleanRecover(Recovery.java:464) at org.neo4j.kernel.recovery.TransactionLogsRecovery.init(TransactionLogsRecovery.java:147) at org.neo4j.kernel.lifecycle.LifeSupport$LifecycleInstance.init(LifeSupport.java:405) ... 24 more Caused by: org.neo4j.kernel.lifecycle.LifecycleException: Component 'org.neo4j.internal.recordstorage.RecordStorageEngine$2@58b75fa3' failed to initialize. Please see the attached cause exception "Internal token for id 611 not found.". at org.neo4j.kernel.lifecycle.LifeSupport$LifecycleInstance.init(LifeSupport.java:426) at org.neo4j.kernel.lifecycle.LifeSupport.init(LifeSupport.java:66) at org.neo4j.kernel.recovery.TransactionLogsRecovery.init(TransactionLogsRecovery.java:117) ... 25 more Caused by: java.lang.RuntimeException: org.neo4j.internal.kernel.api.exceptions.schema.MalformedSchemaRuleException: Cannot read schema rule because it is referring to a property key token (id 611) that does not exist. at org.neo4j.internal.recordstorage.SchemaStorage.readSchemaRuleThrowingRuntimeException(SchemaStorage.java:266) at org.neo4j.internal.recordstorage.SchemaStorage.lambda$streamAllSchemaRules$5(SchemaStorage.java:238) at java.base/java.util.stream.ReferencePipeline$7$1.accept(ReferencePipeline.java:271) at java.base/java.util.stream.ReferencePipeline$2$1.accept(ReferencePipeline.java:177) at java.base/java.util.stream.LongPipeline$1$1.accept(LongPipeline.java:177) at java.base/java.util.stream.Streams$RangeLongSpliterator.tryAdvance(Streams.java:207) at java.base/java.util.Spliterator$OfLong.tryAdvance(Spliterator.java:740) at java.base/java.util.stream.StreamSpliterators$WrappingSpliterator.lambda$initPartialTraversalState$0(StreamSpliterators.java:294) at java.base/java.util.stream.StreamSpliterators$AbstractWrappingSpliterator.fillBuffer(StreamSpliterators.java:206) at java.base/java.util.stream.StreamSpliterators$AbstractWrappingSpliterator.doAdvance(StreamSpliterators.java:161) at java.base/java.util.stream.StreamSpliterators$WrappingSpliterator.tryAdvance(StreamSpliterators.java:300) at java.base/java.util.Spliterators$1Adapter.hasNext(Spliterators.java:681) at org.neo4j.internal.recordstorage.SchemaCache$SchemaCacheState.load(SchemaCache.java:298) at org.neo4j.internal.recordstorage.SchemaCache$SchemaCacheState.<init>(SchemaCache.java:264) at org.neo4j.internal.recordstorage.SchemaCache.load(SchemaCache.java:134) at org.neo4j.internal.recordstorage.RecordStorageEngine.loadSchemaCache(RecordStorageEngine.java:368) at org.neo4j.internal.recordstorage.RecordStorageEngine$2.init(RecordStorageEngine.java:459) at org.neo4j.kernel.lifecycle.LifeSupport$LifecycleInstance.init(LifeSupport.java:405) ... 27 more Caused by: org.neo4j.internal.kernel.api.exceptions.schema.MalformedSchemaRuleException: Cannot read schema rule because it is referring to a property key token (id 611) that does not exist. at org.neo4j.kernel.impl.store.SchemaStore.insertPropertyIntoMap(SchemaStore.java:463) at org.neo4j.kernel.impl.store.SchemaStore.schemaRecordToMap(SchemaStore.java:445) at org.neo4j.kernel.impl.store.SchemaStore.readSchemaRule(SchemaStore.java:326) at org.neo4j.internal.recordstorage.SchemaStorage.readSchemaRule(SchemaStorage.java:274) at org.neo4j.internal.recordstorage.SchemaStorage.readSchemaRuleThrowingRuntimeException(SchemaStorage.java:259) ... 44 more Caused by: org.neo4j.token.api.TokenNotFoundException: Internal token for id 611 not found. at org.neo4j.token.AbstractTokenHolderBase.getInternalTokenById(AbstractTokenHolderBase.java:121) at org.neo4j.kernel.impl.store.SchemaStore.insertPropertyIntoMap(SchemaStore.java:457) ... 48 more
</code></pre></div>
<p dir="auto">I tried starting each node as a single instance but each failed to repair the corrupt datastore and refused to start.</p>
<p dir="auto">I had a duplicate cluster in test environment that when I ran the same transaction failed in the identical way so this was not just a fluke.</p>
<p dir="auto">I will try to post more details here once I can further isolate the root cause.</p>
<p dir="auto">This appears to be a p0 bug in neo4j 4.0.0.<br>
see also <a href="https://community.neo4j.com/t/nonuniquetokenexception-cant-launch-database-cant-use-cypher-shell-to-fix-it/13551/7" rel="nofollow">https://community.neo4j.com/t/nonuniquetokenexception-cant-launch-database-cant-use-cypher-shell-to-fix-it/13551/7</a></p> | <p dir="auto">Upgraded a database from 2.0.2 to 2.1.1. After some time using it (reads/writes), I get the following exception:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="SEVERE: Error while rendering node eeeb54fe0d954c50b1d6eac3a21f2f00: org.neo4j.graphdb.NotFoundException: Unable to load one or more relationships from Node[192922]. This usually happens when relationships are deleted by someone else just as we are about to load them. Please try again.
org.neo4j.graphdb.NotFoundException: Unable to load one or more relationships from Node[192922]. This usually happens when relationships are deleted by someone else just as we are about to load them. Please try again.
at org.neo4j.kernel.impl.core.NodeImpl.loadMoreRelationshipsFromNodeManager(NodeImpl.java:481)
at org.neo4j.kernel.impl.core.NodeImpl.getMoreRelationships(NodeImpl.java:358)
at org.neo4j.kernel.impl.core.NodeImpl.loadInitialRelationships(NodeImpl.java:288)
at org.neo4j.kernel.impl.core.NodeImpl.ensureRelationshipMapNotNull(NodeImpl.java:260)
at org.neo4j.kernel.impl.core.NodeImpl.getAllRelationshipsOfType(NodeImpl.java:181)
at org.neo4j.kernel.impl.core.NodeImpl.getRelationships(NodeImpl.java:241)
at org.neo4j.kernel.impl.api.store.PersistenceCache.nodeGetRelationships(PersistenceCache.java:200)
at org.neo4j.kernel.impl.api.store.CacheLayer.nodeListRelationships(CacheLayer.java:452)
at org.neo4j.kernel.impl.api.StateHandlingStatementOperations.nodeGetRelationships(StateHandlingStatementOperations.java:972)
at org.neo4j.kernel.impl.api.ConstraintEnforcingEntityOperations.nodeGetRelationships(ConstraintEnforcingEntityOperations.java:358)
at org.neo4j.kernel.impl.api.OperationsFacade.nodeGetRelationships(OperationsFacade.java:174)
at org.neo4j.kernel.impl.core.NodeProxy.getRelationships(NodeProxy.java:170)
at org.neo4j.kernel.impl.core.NodeProxy.getRelationships(NodeProxy.java:76)
at org.structr.core.entity.AbstractEndpoint.getMultiple(AbstractEndpoint.java:60)
at org.structr.core.entity.AbstractEndpoint.getSingle(AbstractEndpoint.java:48)
at org.structr.core.entity.OneStartpoint.getRawSource(OneStartpoint.java:71)
at org.structr.core.entity.AbstractNode.getIncomingRelationshipAsSuperUser(AbstractNode.java:805)
at org.structr.core.entity.AbstractNode.getOwnerNode(AbstractNode.java:757)
at org.structr.common.SecurityContext.isVisibleInFrontend(SecurityContext.java:503)
at org.structr.common.SecurityContext.isVisible(SecurityContext.java:392)
at org.structr.web.entity.dom.DOMElement.render(DOMElement.java:457)
at org.structr.web.entity.dom.DOMElement.render(DOMElement.java:577)
at org.structr.web.entity.dom.DOMElement.render(DOMElement.java:505)
at org.structr.web.entity.dom.DOMElement.render(DOMElement.java:577)
at org.structr.web.entity.dom.DOMElement.render(DOMElement.java:577)
at org.structr.web.entity.dom.Page.render(Page.java:665)
at org.structr.web.servlet.HtmlServlet$1.run(HtmlServlet.java:350)
at java.util.concurrent.Executors$RunnableAdapter.call(Executors.java:471)
at java.util.concurrent.FutureTask.run(FutureTask.java:262)
at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1145)
at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:615)
at java.lang.Thread.run(Thread.java:744)
Caused by: org.neo4j.kernel.impl.nioneo.store.InvalidRecordException: RelationshipRecord[249633] not in use
at org.neo4j.kernel.impl.nioneo.store.RelationshipStore.getRecord(RelationshipStore.java:267)
at org.neo4j.kernel.impl.nioneo.store.RelationshipStore.getChainRecord(RelationshipStore.java:337)
at org.neo4j.kernel.impl.nioneo.xa.NeoStoreTransaction.getMoreRelationships(NeoStoreTransaction.java:1522)
at org.neo4j.kernel.impl.nioneo.xa.NeoStoreTransaction.getMoreRelationships(NeoStoreTransaction.java:1101)
at org.neo4j.kernel.impl.persistence.PersistenceManager.getMoreRelationships(PersistenceManager.java:89)
at org.neo4j.kernel.impl.core.RelationshipLoader.getMoreRelationships(RelationshipLoader.java:52)
at org.neo4j.kernel.impl.core.NodeManager.getMoreRelationships(NodeManager.java:786)
at org.neo4j.kernel.impl.core.NodeImpl.loadMoreRelationshipsFromNodeManager(NodeImpl.java:477)
... 31 more"><pre class="notranslate"><code class="notranslate">SEVERE: Error while rendering node eeeb54fe0d954c50b1d6eac3a21f2f00: org.neo4j.graphdb.NotFoundException: Unable to load one or more relationships from Node[192922]. This usually happens when relationships are deleted by someone else just as we are about to load them. Please try again.
org.neo4j.graphdb.NotFoundException: Unable to load one or more relationships from Node[192922]. This usually happens when relationships are deleted by someone else just as we are about to load them. Please try again.
at org.neo4j.kernel.impl.core.NodeImpl.loadMoreRelationshipsFromNodeManager(NodeImpl.java:481)
at org.neo4j.kernel.impl.core.NodeImpl.getMoreRelationships(NodeImpl.java:358)
at org.neo4j.kernel.impl.core.NodeImpl.loadInitialRelationships(NodeImpl.java:288)
at org.neo4j.kernel.impl.core.NodeImpl.ensureRelationshipMapNotNull(NodeImpl.java:260)
at org.neo4j.kernel.impl.core.NodeImpl.getAllRelationshipsOfType(NodeImpl.java:181)
at org.neo4j.kernel.impl.core.NodeImpl.getRelationships(NodeImpl.java:241)
at org.neo4j.kernel.impl.api.store.PersistenceCache.nodeGetRelationships(PersistenceCache.java:200)
at org.neo4j.kernel.impl.api.store.CacheLayer.nodeListRelationships(CacheLayer.java:452)
at org.neo4j.kernel.impl.api.StateHandlingStatementOperations.nodeGetRelationships(StateHandlingStatementOperations.java:972)
at org.neo4j.kernel.impl.api.ConstraintEnforcingEntityOperations.nodeGetRelationships(ConstraintEnforcingEntityOperations.java:358)
at org.neo4j.kernel.impl.api.OperationsFacade.nodeGetRelationships(OperationsFacade.java:174)
at org.neo4j.kernel.impl.core.NodeProxy.getRelationships(NodeProxy.java:170)
at org.neo4j.kernel.impl.core.NodeProxy.getRelationships(NodeProxy.java:76)
at org.structr.core.entity.AbstractEndpoint.getMultiple(AbstractEndpoint.java:60)
at org.structr.core.entity.AbstractEndpoint.getSingle(AbstractEndpoint.java:48)
at org.structr.core.entity.OneStartpoint.getRawSource(OneStartpoint.java:71)
at org.structr.core.entity.AbstractNode.getIncomingRelationshipAsSuperUser(AbstractNode.java:805)
at org.structr.core.entity.AbstractNode.getOwnerNode(AbstractNode.java:757)
at org.structr.common.SecurityContext.isVisibleInFrontend(SecurityContext.java:503)
at org.structr.common.SecurityContext.isVisible(SecurityContext.java:392)
at org.structr.web.entity.dom.DOMElement.render(DOMElement.java:457)
at org.structr.web.entity.dom.DOMElement.render(DOMElement.java:577)
at org.structr.web.entity.dom.DOMElement.render(DOMElement.java:505)
at org.structr.web.entity.dom.DOMElement.render(DOMElement.java:577)
at org.structr.web.entity.dom.DOMElement.render(DOMElement.java:577)
at org.structr.web.entity.dom.Page.render(Page.java:665)
at org.structr.web.servlet.HtmlServlet$1.run(HtmlServlet.java:350)
at java.util.concurrent.Executors$RunnableAdapter.call(Executors.java:471)
at java.util.concurrent.FutureTask.run(FutureTask.java:262)
at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1145)
at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:615)
at java.lang.Thread.run(Thread.java:744)
Caused by: org.neo4j.kernel.impl.nioneo.store.InvalidRecordException: RelationshipRecord[249633] not in use
at org.neo4j.kernel.impl.nioneo.store.RelationshipStore.getRecord(RelationshipStore.java:267)
at org.neo4j.kernel.impl.nioneo.store.RelationshipStore.getChainRecord(RelationshipStore.java:337)
at org.neo4j.kernel.impl.nioneo.xa.NeoStoreTransaction.getMoreRelationships(NeoStoreTransaction.java:1522)
at org.neo4j.kernel.impl.nioneo.xa.NeoStoreTransaction.getMoreRelationships(NeoStoreTransaction.java:1101)
at org.neo4j.kernel.impl.persistence.PersistenceManager.getMoreRelationships(PersistenceManager.java:89)
at org.neo4j.kernel.impl.core.RelationshipLoader.getMoreRelationships(RelationshipLoader.java:52)
at org.neo4j.kernel.impl.core.NodeManager.getMoreRelationships(NodeManager.java:786)
at org.neo4j.kernel.impl.core.NodeImpl.loadMoreRelationshipsFromNodeManager(NodeImpl.java:477)
... 31 more
</code></pre></div>
<p dir="auto">A similar stack trace has been reported here (version 2.0.3)</p>
<p dir="auto"><a href="https://groups.google.com/forum/#!topic/neo4j/Tg9gyaV1c2I" rel="nofollow">https://groups.google.com/forum/#!topic/neo4j/Tg9gyaV1c2I</a></p>
<p dir="auto">and here</p>
<p dir="auto"><a href="http://stackoverflow.com/questions/24043604/neo4j-recover-corrupt-nodes" rel="nofollow">http://stackoverflow.com/questions/24043604/neo4j-recover-corrupt-nodes</a></p>
<p dir="auto">Running the ConsistencyChecker on the corrupted database shows a very large number of similar entries like this:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Full consistency check
...2014-06-09 19:49:34.434+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[182739,used=true,rel=-1,prop=1067728,labels=Dynamic(id:333),light]
Inconsistent with: Property[1067728,used=true,prev=1208110,next=166304,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=sessions-table],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.436+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[182860,used=true,rel=-1,prop=1067611,labels=Dynamic(id:414),light]
Inconsistent with: Property[1067611,used=true,prev=1208109,next=190070,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=speakers],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.474+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[209499,used=true,rel=-1,prop=1067728,labels=Dynamic(id:333),light]
Inconsistent with: Property[1067728,used=true,prev=1208110,next=166304,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=sessions-table],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.476+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[209620,used=true,rel=-1,prop=1067611,labels=Dynamic(id:414),light]
Inconsistent with: Property[1067611,used=true,prev=1208109,next=190070,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=speakers],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
.2014-06-09 19:49:34.513+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[236259,used=true,rel=-1,prop=1067728,labels=Dynamic(id:333),light]
Inconsistent with: Property[1067728,used=true,prev=1208110,next=166304,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=sessions-table],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.514+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[236380,used=true,rel=-1,prop=1067611,labels=Dynamic(id:414),light]
Inconsistent with: Property[1067611,used=true,prev=1208109,next=190070,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=speakers],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.548+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[263019,used=true,rel=-1,prop=1067728,labels=Dynamic(id:333),light]
Inconsistent with: Property[1067728,used=true,prev=1208110,next=166304,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=sessions-table],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.549+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[263140,used=true,rel=-1,prop=1067611,labels=Dynamic(id:414),light]
Inconsistent with: Property[1067611,used=true,prev=1208109,next=190070,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=speakers],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
.2014-06-09 19:49:34.571+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[289779,used=true,rel=-1,prop=1067728,labels=Dynamic(id:333),light]
Inconsistent with: Property[1067728,used=true,prev=1208110,next=166304,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=sessions-table],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
[...]
2014-06-09 21:46:36.092+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is source.
Node[7,used=true,rel=249638,prop=515754,labels=Dynamic(id:1),light]
Inconsistent with: Relationship[249638,used=true,source=7,target=6234,type=12,sPrev=251865,sNext=249630,tPrev=261441,tNext=249637,prop=1050523!sFirst!tFirst]
2014-06-09 21:46:36.092+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[14,used=true,rel=229934,prop=515761,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[229934,used=true,source=188310,target=14,type=4,sPrev=229935,sNext=229933,tPrev=241740,tNext=12507,prop=232962!sFirst!tFirst]
2014-06-09 21:46:36.092+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[19,used=true,rel=229938,prop=515766,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[229938,used=true,source=188310,target=19,type=4,sPrev=229939,sNext=229937,tPrev=241744,tNext=12557,prop=232974!sFirst!tFirst]
2014-06-09 21:46:36.092+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[22,used=true,rel=229943,prop=515769,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[229943,used=true,source=188310,target=22,type=4,sPrev=229944,sNext=229942,tPrev=241749,tNext=12592,prop=232989!sFirst!tFirst]
2014-06-09 21:46:36.093+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[24,used=true,rel=248096,prop=515771,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[248096,used=true,source=192640,target=24,type=6,sPrev=248097,sNext=248062,tPrev=259898,tNext=248095,prop=1106109!sFirst!tFirst]
2014-06-09 21:46:36.093+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[26,used=true,rel=229947,prop=515773,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[229947,used=true,source=188310,target=26,type=4,sPrev=229948,sNext=229946,tPrev=241753,tNext=12688,prop=233001!sFirst!tFirst]
2014-06-09 21:46:36.093+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[28,used=true,rel=248004,prop=1054501,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[248004,used=true,source=192631,target=28,type=6,sPrev=248031,sNext=247985,tPrev=259805,tNext=248003,prop=1054470!sFirst!tFirst]
2014-06-09 21:46:36.093+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[29,used=true,rel=1025889,prop=1115241,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[1025889,used=true,source=834654,target=29,type=6,sPrev=1026086,sNext=1025814,tPrev=1037658,tNext=1025888,prop=1115240!sFirst!tFirst]
[...]"><pre class="notranslate"><code class="notranslate">Full consistency check
...2014-06-09 19:49:34.434+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[182739,used=true,rel=-1,prop=1067728,labels=Dynamic(id:333),light]
Inconsistent with: Property[1067728,used=true,prev=1208110,next=166304,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=sessions-table],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.436+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[182860,used=true,rel=-1,prop=1067611,labels=Dynamic(id:414),light]
Inconsistent with: Property[1067611,used=true,prev=1208109,next=190070,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=speakers],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.474+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[209499,used=true,rel=-1,prop=1067728,labels=Dynamic(id:333),light]
Inconsistent with: Property[1067728,used=true,prev=1208110,next=166304,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=sessions-table],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.476+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[209620,used=true,rel=-1,prop=1067611,labels=Dynamic(id:414),light]
Inconsistent with: Property[1067611,used=true,prev=1208109,next=190070,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=speakers],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
.2014-06-09 19:49:34.513+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[236259,used=true,rel=-1,prop=1067728,labels=Dynamic(id:333),light]
Inconsistent with: Property[1067728,used=true,prev=1208110,next=166304,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=sessions-table],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.514+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[236380,used=true,rel=-1,prop=1067611,labels=Dynamic(id:414),light]
Inconsistent with: Property[1067611,used=true,prev=1208109,next=190070,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=speakers],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.548+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[263019,used=true,rel=-1,prop=1067728,labels=Dynamic(id:333),light]
Inconsistent with: Property[1067728,used=true,prev=1208110,next=166304,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=sessions-table],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
2014-06-09 19:49:34.549+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[263140,used=true,rel=-1,prop=1067611,labels=Dynamic(id:414),light]
Inconsistent with: Property[1067611,used=true,prev=1208109,next=190070,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=speakers],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
.2014-06-09 19:49:34.571+0000 INFO [org.neo4j]: ERROR: The referenced property record is not the first in its property chain.
Node[289779,used=true,rel=-1,prop=1067728,labels=Dynamic(id:333),light]
Inconsistent with: Property[1067728,used=true,prev=1208110,next=166304,PropertyBlock[blocks=2,SHORT_STRING,key=53,value=sessions-table],PropertyBlock[blocks=2,SHORT_STRING,key=0,value=Table]]
[...]
2014-06-09 21:46:36.092+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is source.
Node[7,used=true,rel=249638,prop=515754,labels=Dynamic(id:1),light]
Inconsistent with: Relationship[249638,used=true,source=7,target=6234,type=12,sPrev=251865,sNext=249630,tPrev=261441,tNext=249637,prop=1050523!sFirst!tFirst]
2014-06-09 21:46:36.092+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[14,used=true,rel=229934,prop=515761,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[229934,used=true,source=188310,target=14,type=4,sPrev=229935,sNext=229933,tPrev=241740,tNext=12507,prop=232962!sFirst!tFirst]
2014-06-09 21:46:36.092+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[19,used=true,rel=229938,prop=515766,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[229938,used=true,source=188310,target=19,type=4,sPrev=229939,sNext=229937,tPrev=241744,tNext=12557,prop=232974!sFirst!tFirst]
2014-06-09 21:46:36.092+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[22,used=true,rel=229943,prop=515769,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[229943,used=true,source=188310,target=22,type=4,sPrev=229944,sNext=229942,tPrev=241749,tNext=12592,prop=232989!sFirst!tFirst]
2014-06-09 21:46:36.093+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[24,used=true,rel=248096,prop=515771,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[248096,used=true,source=192640,target=24,type=6,sPrev=248097,sNext=248062,tPrev=259898,tNext=248095,prop=1106109!sFirst!tFirst]
2014-06-09 21:46:36.093+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[26,used=true,rel=229947,prop=515773,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[229947,used=true,source=188310,target=26,type=4,sPrev=229948,sNext=229946,tPrev=241753,tNext=12688,prop=233001!sFirst!tFirst]
2014-06-09 21:46:36.093+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[28,used=true,rel=248004,prop=1054501,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[248004,used=true,source=192631,target=28,type=6,sPrev=248031,sNext=247985,tPrev=259805,tNext=248003,prop=1054470!sFirst!tFirst]
2014-06-09 21:46:36.093+0000 INFO [org.neo4j]: ERROR: The referenced relationship record is not the first in the relationship chain where this node is target.
Node[29,used=true,rel=1025889,prop=1115241,labels=Inline(0x3016008005:[5, 8, 22]),light]
Inconsistent with: Relationship[1025889,used=true,source=834654,target=29,type=6,sPrev=1026086,sNext=1025814,tPrev=1037658,tNext=1025888,prop=1115240!sFirst!tFirst]
[...]
</code></pre></div> | 0 |
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have searched the <a href="https://github.com/apache/incubator-dubbo/issues">issues</a> of this repository and believe that this is not a duplicate.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have checked the <a href="https://github.com/apache/incubator-dubbo/blob/master/FAQ.md">FAQ</a> of this repository and believe that this is not a duplicate.</li>
</ul>
<h3 dir="auto">Environment</h3>
<ul dir="auto">
<li>Dubbo version: 2.7.0</li>
<li>Operating System version: macOs</li>
<li>Java version: 1.8.0</li>
</ul>
<h3 dir="auto">Steps to reproduce this issue</h3>
<ol dir="auto">
<li>引用dubbo-spring-boot-start-2.7.0</li>
<li>配置属性</li>
</ol>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="dubbo:
application:
# name: ${spring.applicaiton.name}
qos-enable: false
registry:
# address: zookeeper://localhost:2181
file: ${user.home}/dubbo-cache/${dubbo.applicaiton.name}/dubbo.cache
# username: admin
# password: 123456
group: dubbo
simplified: true"><pre class="notranslate"><code class="notranslate">dubbo:
application:
# name: ${spring.applicaiton.name}
qos-enable: false
registry:
# address: zookeeper://localhost:2181
file: ${user.home}/dubbo-cache/${dubbo.applicaiton.name}/dubbo.cache
# username: admin
# password: 123456
group: dubbo
simplified: true
</code></pre></div>
<ol start="3" dir="auto">
<li>或者使用:</li>
</ol>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" file: ${user.home}/dubbo-cache/${spring.applicaiton.name}/dubbo.cache"><pre class="notranslate"><code class="notranslate"> file: ${user.home}/dubbo-cache/${spring.applicaiton.name}/dubbo.cache
</code></pre></div>
<p dir="auto">Pls. provide [GitHub address] to reproduce this issue.</p>
<h3 dir="auto">Expected Result</h3>
<p dir="auto">期望生成</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="/user/xxxx/dubbo-cache/app名称/dubbo.cache"><pre class="notranslate"><code class="notranslate">/user/xxxx/dubbo-cache/app名称/dubbo.cache
</code></pre></div>
<p dir="auto">What do you expected from the above steps?</p>
<h3 dir="auto">Actual Result</h3>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="➜ dubbo-cache pwd
/Users/linzhiqiang/dubbo-cache
➜ dubbo-cache ls -lsh
total 0
0 drwxr-xr-x 4 linzhiqiang staff 128B 2 20 09:54 ${dubbo.applicaiton.name}
0 drwxr-xr-x 4 linzhiqiang staff 128B 2 19 15:17 ${spring.applicaiton.name}"><pre class="notranslate"><code class="notranslate">➜ dubbo-cache pwd
/Users/linzhiqiang/dubbo-cache
➜ dubbo-cache ls -lsh
total 0
0 drwxr-xr-x 4 linzhiqiang staff 128B 2 20 09:54 ${dubbo.applicaiton.name}
0 drwxr-xr-x 4 linzhiqiang staff 128B 2 19 15:17 ${spring.applicaiton.name}
</code></pre></div>
<p dir="auto">实际上这个变量并没有解析。</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="{"ApplicationConfig":{"org.apache.dubbo.config.ApplicationConfig#0":{"architecture":null,"class":"org.apache.dubbo.config.ApplicationConfig","compiler":null,"dumpDirectory":null,"environment":null,"id":"testDaoApp","logger":null,"name":"testDaoApp","organization":null,"owner":null,"prefix":"dubbo.application","qosAcceptForeignIp":null,"qosEnable":false,"qosPort":null,"registryIds":null,"shutwait":null,"valid":true,"version":null}},"ConsumerConfig":"><pre class="notranslate"><code class="notranslate">{"ApplicationConfig":{"org.apache.dubbo.config.ApplicationConfig#0":{"architecture":null,"class":"org.apache.dubbo.config.ApplicationConfig","compiler":null,"dumpDirectory":null,"environment":null,"id":"testDaoApp","logger":null,"name":"testDaoApp","organization":null,"owner":null,"prefix":"dubbo.application","qosAcceptForeignIp":null,"qosEnable":false,"qosPort":null,"registryIds":null,"shutwait":null,"valid":true,"version":null}},"ConsumerConfig":
</code></pre></div>
<p dir="auto">application.name属性是存在的。</p>
<p dir="auto">What actually happens?</p>
<p dir="auto">If there is an exception, please attach the exception trace:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Just put your stack trace here!"><pre class="notranslate"><code class="notranslate">Just put your stack trace here!
</code></pre></div> | <ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have searched the <a href="https://github.com/apache/dubbo/issues">issues</a> of this repository and believe that this is not a duplicate.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have checked the <a href="https://github.com/apache/dubbo/blob/master/FAQ.md">FAQ</a> of this repository and believe that this is not a duplicate.</li>
</ul>
<h3 dir="auto">Environment</h3>
<ul dir="auto">
<li>Dubbo version: 2.7.8</li>
<li>Operating System version: ubuntu 18.04</li>
<li>Java version: open jdk 1.8.0_222</li>
</ul>
<h3 dir="auto">Steps to reproduce this issue</h3>
<ol dir="auto">
<li>write two providers in different groups</li>
</ol>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="<dubbo:reference
id="dealMenuFileProvider"
interface="com.jiurong.mfront.workflow.checker.file.FileProvider"
protocol="hessian"
group="g1"
lazy="false"
check="false"/>
<dubbo:reference
id="newDealMnoteFileProvider"
interface="com.jiurong.mfront.workflow.checker.file.FileProvider"
protocol="hessian"
group="g2"
lazy="false"
check="false"/>"><pre class="notranslate"><code class="notranslate"><dubbo:reference
id="dealMenuFileProvider"
interface="com.jiurong.mfront.workflow.checker.file.FileProvider"
protocol="hessian"
group="g1"
lazy="false"
check="false"/>
<dubbo:reference
id="newDealMnoteFileProvider"
interface="com.jiurong.mfront.workflow.checker.file.FileProvider"
protocol="hessian"
group="g2"
lazy="false"
check="false"/>
</code></pre></div>
<ol start="2" dir="auto">
<li>write two consumers in different groups</li>
</ol>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="<dubbo:service
interface="com.jiurong.mfront.workflow.checker.file.FileProvider"
ref="dealMenuFileProvider"
protocol="hessian"
group="g1"
/>
<dubbo:service
interface="com.jiurong.mfront.workflow.checker.file.FileProvider"
ref="newDealMnoteFileProvider"
protocol="hessian"
group="g2"
/>"><pre class="notranslate"><code class="notranslate"><dubbo:service
interface="com.jiurong.mfront.workflow.checker.file.FileProvider"
ref="dealMenuFileProvider"
protocol="hessian"
group="g1"
/>
<dubbo:service
interface="com.jiurong.mfront.workflow.checker.file.FileProvider"
ref="newDealMnoteFileProvider"
protocol="hessian"
group="g2"
/>
</code></pre></div>
<ol start="3" dir="auto">
<li>invoke each consumer to see which implemention is invoked</li>
</ol>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" @Autowired(required = false)
public void setFileProviders(List<FileProvider> providers) {
for (FileProvider fileProvider : providers) {
System.out.println(fileProvider.getType());
}
this.providers = providers;
}"><pre class="notranslate"><code class="notranslate"> @Autowired(required = false)
public void setFileProviders(List<FileProvider> providers) {
for (FileProvider fileProvider : providers) {
System.out.println(fileProvider.getType());
}
this.providers = providers;
}
</code></pre></div>
<ol start="4" dir="auto">
<li>When I use hessian or rmi protocol, the provider being invoked is always the first one, group="g1". But when I use dubbo protocol, each group is invoked one by one.</li>
</ol>
<p dir="auto">Pls. provide [GitHub address] to reproduce this issue.</p>
<h3 dir="auto">Expected Result</h3>
<p dir="auto">What do you expected from the above steps?</p>
<p dir="auto">Consomer of g2 group should invoke provider of g2 group.</p>
<h3 dir="auto">Actual Result</h3>
<p dir="auto">What actually happens?</p>
<p dir="auto">All the consomers always invoke the first provider, the g1 provider.</p>
<h3 dir="auto">Possible explanation</h3>
<p dir="auto"><code class="notranslate">org.apache.dubbo.rpc.protocol.dubbo.DubboProtocol</code> class used the group parameter inside, but <code class="notranslate">org.apache.dubbo.rpc.protocol.hessian.HessianProtocol</code> did not. Is service-group only supported by dubbo protocol?</p> | 0 |
<p dir="auto">I want to override the FOSUserBundle validation.xml so I created a new bundle which extends the FOSUserBundle:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="public function getParent()
{
return 'FOSUserBundle';
}"><pre class="notranslate"><code class="notranslate">public function getParent()
{
return 'FOSUserBundle';
}
</code></pre></div>
<p dir="auto">But the validation.xml of the FOSUserBundle is still loaded.</p>
<p dir="auto">I think the Validation component should respect the bundle inheritance.</p> | <p dir="auto">I'm trying to override validation of a parent bundle, here is my <a href="https://github.com/umpirsky/Sylius-Sandbox/commit/3a2e89b31348bd1b9fa654030ee75204f4c0403f">code</a>.</p>
<p dir="auto">Here is parent bundle <a href="https://github.com/Sylius/SyliusAssortmentBundle/blob/master/Resources/config/validation.xml">validation.xml</a>.</p>
<p dir="auto">In this particular case, I want to make product description optional.</p>
<p dir="auto">Following <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/stof/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/stof">@stof</a> comments on <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="3022652" data-permission-text="Title is private" data-url="https://github.com/symfony/symfony/issues/3224" data-hovercard-type="issue" data-hovercard-url="/symfony/symfony/issues/3224/hovercard" href="https://github.com/symfony/symfony/issues/3224">#3224</a> I decided to go with validation groups.</p>
<p dir="auto">But the effect I got is that now, fields are not validated at all. I mean, none of constraints from <code class="notranslate">Default</code> or <code class="notranslate">Sandbox</code> group are applied.</p> | 1 |
<p dir="auto"><strong><a href="https://jira.spring.io/secure/ViewProfile.jspa?name=obecker" rel="nofollow">Oliver Becker</a></strong> opened <strong><a href="https://jira.spring.io/browse/SPR-9164?redirect=false" rel="nofollow">SPR-9164</a></strong> and commented</p>
<p dir="auto">When doing number arithmetic in SpEL the result type is apparently one of double, long or int.<br>
This has the unwanted effect that for example float or BigDecimal values will be changed to int.</p>
<p dir="auto">new java.math.BigDecimal("12.34")<br>
evaluates to 12.34</p>
<p dir="auto">-(new java.math.BigDecimal("12.34"))<br>
evaluates to -12</p>
<p dir="auto">see org.springframework.expression.spel.ast<br>
OpPlus, OpMinus, OpMultiply, OpDivide</p>
<hr>
<p dir="auto"><strong>Affects:</strong> 3.1.1</p>
<p dir="auto"><strong>Reference URL:</strong> <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="4587405" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/80" data-hovercard-type="pull_request" data-hovercard-url="/spring-projects/spring-framework/pull/80/hovercard" href="https://github.com/spring-projects/spring-framework/pull/80">#80</a></p>
<p dir="auto"><strong>Attachments:</strong></p>
<ul dir="auto">
<li><a href="https://jira.spring.io/secure/attachment/19821/SpELFloatLiteralTest.java" rel="nofollow">SpELFloatLiteralTest.java</a> (<em>1.24 kB</em>)</li>
</ul>
<p dir="auto"><strong>Issue Links:</strong></p>
<ul dir="auto">
<li><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398114688" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/13358" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/13358/hovercard" href="https://github.com/spring-projects/spring-framework/issues/13358">#13358</a> Expression language not compare BigDecimals with integers (<em><strong>"is duplicated by"</strong></em>)</li>
<li><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398117750" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/13832" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/13832/hovercard" href="https://github.com/spring-projects/spring-framework/issues/13832">#13832</a> SpEL: OpEQ should use equals()</li>
<li><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398164627" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/15943" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/15943/hovercard" href="https://github.com/spring-projects/spring-framework/issues/15943">#15943</a> Downgrade accidental use of Java 1.7 APIs</li>
<li><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398151045" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/14121" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/14121/hovercard" href="https://github.com/spring-projects/spring-framework/issues/14121">#14121</a> Add SpEL support for float literals</li>
<li><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398154260" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/14546" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/14546/hovercard" href="https://github.com/spring-projects/spring-framework/issues/14546">#14546</a> SpEL's arithmetic operations should explicitly detect BigInteger/Short/Byte and fall back to double handling for unknown Number subtypes</li>
</ul>
<p dir="auto">1 votes, 7 watchers</p> | <p dir="auto"><strong><a href="https://jira.spring.io/secure/ViewProfile.jspa?name=davidkarlsen" rel="nofollow">David J. M. Karlsen</a></strong> opened <strong><a href="https://jira.spring.io/browse/SPR-1371?redirect=false" rel="nofollow">SPR-1371</a></strong> and commented</p>
<p dir="auto">Using JamonPerformanceMonitorInterceptor while log4j is in debug level will consistently fail (eg. each time) with a NPE:</p>
<p dir="auto">Trace from server: 1198777258 at host localhost >><br>
java.rmi.RemoteException: ; nested exception is:<br>
java.lang.NullPointerException<br>
java.lang.NullPointerException<br>
at java.lang.String.length(String.java(Inlined Compiled Code))<br>
at java.lang.StringBuffer.<init>(StringBuffer.java(Compiled Code))<br>
at org.springframework.aop.interceptor.AbstractPerformanceMonitorInterceptor.createInvocationTraceName(AbstractPerformanceMonitorInterceptor.java:80)<br>
at org.springframework.aop.interceptor.JamonPerformanceMonitorInterceptor.invokeUnderTrace(JamonPerformanceMonitorInterceptor.java:57)<br>
at org.springframework.aop.interceptor.AbstractTraceInterceptor.invoke(AbstractTraceInterceptor.java:94)<br>
at org.springframework.aop.framework.ReflectiveMethodInvocation.proceed(ReflectiveMethodInvocation.java:144)<br>
at org.springframework.aop.framework.JdkDynamicAopProxy.invoke(JdkDynamicAopProxy.java:174)<br>
at $Proxy0.findAccountData(Unknown Source)<br>
at my.package.crg.server.func.ejb.CRGServiceBean.findAccountData(CRGServiceBean.java:77)<br>
at my.package.crg.server.func.ejb.EJSRemoteStatelessCRGService_692891ba.findAccountData(EJSRemoteStatelessCRGService_692891ba.java:35)<br>
at my.package.crg.server.func.ejb._EJSRemoteStatelessCRGService_692891ba_Tie.findAccountData(_EJSRemoteStatelessCRGService_692891ba_Tie.java:158)<br>
at no.dnbnor.crg.server.func.ejb._EJSRemoteStatelessCRGService_692891ba_Tie._invoke(_EJSRemoteStatelessCRGService_692891ba_Tie.java:82)<br>
at com.ibm.CORBA.iiop.ServerDelegate.dispatchInvokeHandler(ServerDelegate.java:615)<br>
at com.ibm.CORBA.iiop.ServerDelegate.dispatch(ServerDelegate.java:468)<br>
at com.ibm.rmi.iiop.ORB.process(ORB.java:396)<br>
at com.ibm.CORBA.iiop.ORB.process(ORB.java:1608)<br>
at com.ibm.rmi.iiop.Connection.doWork(Connection.java:2164)<br>
at com.ibm.rmi.iiop.WorkUnitImpl.doWork(WorkUnitImpl.java:63)<br>
at com.ibm.ejs.oa.pool.PooledThread.run(ThreadPool.java:95)<br>
at com.ibm.ws.util.ThreadPool$Worker.run(ThreadPool.java:593)<br>
<< END server: 1198777258 at host localhost</p>
<hr>
<p dir="auto"><strong>Affects:</strong> 1.2.5</p>
<p dir="auto"><strong>Issue Links:</strong></p>
<ul dir="auto">
<li><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398061399" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/6161" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/6161/hovercard" href="https://github.com/spring-projects/spring-framework/issues/6161">#6161</a> Nullpointerexception in StringBuffer when using the org.springframework.aop.interceptor.PerformanceMonitorInterceptor (<em><strong>"is duplicated by"</strong></em>)</li>
</ul> | 0 |
<h2 dir="auto">Bug Report</h2>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I would like to work on a fix!</li>
</ul>
<p dir="auto"><strong>Current behavior</strong></p>
<p dir="auto">Syntax error <code class="notranslate">Unexpected token</code> is thrown.</p>
<ul dir="auto">
<li><a href="https://babeljs.io/repl#?browsers=safari%2012&build=&builtIns=false&spec=false&loose=false&code_lz=MYGwhgzhAEBiD29oG8BQ0MAcBOBLAbmAC4Cm0mArgEYi7DQBmiA3KgL6pA&debug=false&forceAllTransforms=false&shippedProposals=false&circleciRepo=&evaluate=false&fileSize=false&timeTravel=false&sourceType=module&lineWrap=true&presets=typescript&prettier=false&targets=&version=7.12.14&externalPlugins=" rel="nofollow">REPL</a><br>
<strong>Input Code</strong></li>
</ul>
<div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="class Foo {
private public foo;
}"><pre class="notranslate"><span class="pl-k">class</span> <span class="pl-smi">Foo</span> <span class="pl-kos">{</span>
<span class="pl-k">private</span> <span class="pl-c1">public</span> <span class="pl-s1">foo</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto"><strong>Expected behavior</strong></p>
<p dir="auto">Syntax recoverable error <code class="notranslate">Accessibility modifier already seen.</code> is thrown. Like <a href="https://www.typescriptlang.org/play?#code/MYGwhgzhAEBiD29oG8BQ1oAcBOBLAbmAC4CmWArgEYi7DQBmiA3KgL6pA" rel="nofollow">TS</a>. Also only the first access modifier should be included in AST.</p>
<p dir="auto"><strong>Babel Configuration (babel.config.js, .babelrc, package.json#babel, cli command, .eslintrc)</strong></p>
<ul dir="auto">
<li>Filename: <code class="notranslate">babel.config.js</code></li>
</ul>
<p dir="auto"><strong>Environment</strong></p>
<p dir="auto"><strong>Possible Solution</strong></p>
<p dir="auto"><strong>Additional context</strong></p> | <p dir="auto"><strong>Choose one: is this a bug report or feature request?</strong><br>
Feature</p>
<p dir="auto"><strong>Provide a general summary of the issue in the title above</strong><br>
Babel is one of the most important parts of my system, and as such I would like to have more control over what is being loaded when it runs (particularly when I use it with other tooling indirectly like webpack).<br>
to summarize, I would like to have the ability to see</p>
<ul dir="auto">
<li>What configuration is being used</li>
<li>source of the configuration (directly provided by arguments, rc files, package.json)</li>
<li>Plugins used to produce the transformations</li>
<li>configurable output of this log</li>
</ul> | 0 |
<p dir="auto">The <a href="https://github.com/neo4j/neo4j/blob/4.2/community/kernel/src/main/java/org/neo4j/kernel/impl/coreapi/TransactionImpl.java#L744-L772">current implementation of <code class="notranslate">TransactionImpl#nodesByLabelAndProperties</code></a> will scan all nodes with a label if there are no indices that include all of the query properties and no other properties. It should be optimized to use partially matching indices (indices which have a subset of the query properties, or which have extra properties, or both), and further filter matches if necessary.</p>
<p dir="auto">This method is used by several methods on Transaction, including <code class="notranslate">findNodes(Label, Map<String, Object>)</code>, <code class="notranslate">findNodes(Label, String, Object)</code>, etc. This can result in significant performance problems when using these methods with a set of properties that does not match an index exactly.</p>
<p dir="auto"><strong>Neo4j Version:</strong> current (applies to at least 4.2.x, 4.1.x)<br>
<strong>Operating System:</strong> all<br>
<strong>API:</strong> Java API</p>
<h3 dir="auto">Steps to reproduce</h3>
<ol dir="auto">
<li>Create an index on a node label: <code class="notranslate">CREATE INDEX FOR (n:Person) ON (n.given_name)</code></li>
<li>Create a large amount of data</li>
<li>Try to find nodes using <code class="notranslate">transaction.findNodes(Label.label("Person"), Map.of("given_name", "foo", "surname", "bar"))</code></li>
</ol>
<h3 dir="auto">Expected behavior</h3>
<p dir="auto">The partially matching index for given_name should be used, resulting in a performant fetch operation</p>
<h3 dir="auto">Actual behavior</h3>
<p dir="auto">The index for given_name will not be used, which results in scanning all nodes (this can be verified by setting a breakpoint on TransactionImpl line 771, where it returns <code class="notranslate">return getNodesByLabelAndPropertyWithoutIndex( labelId, queries );</code>)</p> | <p dir="auto">Hello everybody, I'm having issue with MERGE with Constrains in 2.0.0-M06<br>
Basically, I need to insert buge amount of tweets with relationships between them into Neo4j via REST API's Batch endpoint, approx 5k/s<br>
Sometime, it's a single node creation for a tweet; sometime, I need to create both parent and child nodes first and then create relationship.</p>
<hr>
<p dir="auto">My Schema<br>
[code]<br>
neo4j-sh (0)$ schema<br>
==> Indexes<br>
==> ON :REPLY(created_at) ONLINE<br>
==> ON :REPLY(ids) ONLINE (for uniqueness constraint)<br>
==> ON :RETWEET(created_at) ONLINE<br>
==> ON :RETWEET(ids) ONLINE (for uniqueness constraint)<br>
==> ON :Status(userId) ONLINE<br>
==> ON :Status(statusId) ONLINE (for uniqueness constraint)<br>
==><br>
==> Constraints<br>
==> ON (status:Status) ASSERT status.statusId IS UNIQUE<br>
==> ON (retweet:RETWEET) ASSERT retweet.ids IS UNIQUE<br>
==> ON (reply:REPLY) ASSERT reply.ids IS UNIQUE<br>
[/code]</p>
<hr>
<p dir="auto">ISSUE #ONE: MERGE doesn't ALWAYS work with Constrains properly (or Constrains doesn't work with MERGE properly). (random exception)</p>
<p dir="auto">Here are my test cases:</p>
<ol dir="auto">
<li>Two MERGE's and one CREATE UNIQUE<br>
When I tried to add two tweets with one relationship between them, I got a exception, which complaining existing node for the child<br>
neo4j-sh (0)$ MERGE (parent:Status {statusId:385813052047626240, userId:466042117}) MERGE (child:Status {statusId:385814827270017024, userId:1130050117}) CREATE UNIQUE parent-[relationship:REPLY {ids:'385813052047626240_385814827270017024', created_at:'Thu Oct 03 14:13:17 ADT 2013' }]->child;<br>
==> CypherExecutionException: Node 270100 already exists with label Status and property "statusId"=[385814827270017024]</li>
<li>Then, I broke down my joint query to small pieces. So first, I tried to create the parent node with a single MERGE, it works as expected<br>
neo4j-sh (0)$ MERGE (parent:Status {statusId:385813052047626240, userId:466042117}) RETURN parent;<br>
==> +------------------------------------------------------------+<br>
==> | parent |<br>
==> +------------------------------------------------------------+<br>
==> | Node[284599]{userId:466042117,statusId:385813052047626240} |<br>
==> +------------------------------------------------------------+<br>
==> 1 row<br>
==> Nodes created: 1<br>
==> Properties set: 2<br>
==> Labels added: 1<br>
==> 4 ms<br>
neo4j-sh (0)$ MERGE (parent:Status {statusId:385813052047626240, userId:466042117}) RETURN parent;<br>
==> +------------------------------------------------------------+<br>
==> | parent |<br>
==> +------------------------------------------------------------+<br>
==> | Node[284599]{statusId:385813052047626240,userId:466042117} |<br>
==> +------------------------------------------------------------+<br>
==> 1 row<br>
==> 1 ms</li>
<li>Next, I tried to create the child node with a single MERGE, but it failed like step 1.<br>
neo4j-sh (0)$ MERGE (child:Status {statusId:385814827270017024, userId:1130050117}) RETURN child;<br>
==> CypherExecutionException: Node 270100 already exists with label Status and property "statusId"=[385814827270017024]</li>
<li>I tried MERGE on few more exsting nodes, some worked, some failed.<br>
I thought it may cased by existing relationship, so I checked both direction of a problemtic node, which turns out it doesn't have any existing relationship in place.<br>
neo4j-sh (0)$ MERGE (child:Status {statusId:385814902293553153, userId:1725656978});<br>
==> CypherExecutionException: Node 301777 already exists with label Status and property "statusId"=[385814902293553153]<br>
neo4j-sh (0)$ START a = node(301777) MATCH a-[r]->b RETURN b;<br>
==> +---+<br>
==> | b |<br>
==> +---+<br>
==> +---+<br>
==> 0 row<br>
==> 1 ms<br>
neo4j-sh (0)$ START a = node(301777) MATCH b-[r]->a RETURN b;<br>
==> +---+<br>
==> | b |<br>
==> +---+<br>
==> +---+<br>
==> 0 row<br>
==> 0 ms</li>
</ol>
<hr>
<p dir="auto">ISSUE #TWO: Constrained property on relationship doesn't work with CREATE UNIQUE properly, I was able to create duplicate reltionships with same constrained property.</p>
<ol dir="auto">
<li>First, I have created two nodes and one relationship between them. (MERGE with Constrains worked this time :)), the results below is to show I have them in DB<br>
neo4j-sh (0)$ MERGE (parent:Status {statusId:1001, userId:901}) MERGE (child:Status {statusId:1002, userId:902}) CREATE UNIQUE parent-[relationship:RETWEET {ids:'1001_1002', created_at:'Mon Nov 04 14:37:56 AST 2013' }]->child RETURN parent, relationship, child;<br>
==> +------------------------------------------------------------------------------------------------------------------------------------------------+<br>
==> | parent | relationship | child |<br>
==> +------------------------------------------------------------------------------------------------------------------------------------------------+<br>
==> | Node[1]{statusId:1001,userId:901} | :RETWEET[0]{ids:"1001_1002",created_at:"Mon Nov 04 14:37:56 AST 2013"} | Node[2]{statusId:1002,userId:902} |<br>
==> +------------------------------------------------------------------------------------------------------------------------------------------------+<br>
==> 1 row<br>
==> 13 ms</li>
<li>Then, I modified the script a bit, where I changed year in created_at from 2013 to 2019, and I expect this to fail, coz the unique constrain is on ids, but the script created a new relationship between same nodes, so it ends up I have two relationships with same constrained ids between two same nodes.<br>
neo4j-sh (0)$ MERGE (parent:Status {statusId:1001, userId:901}) MERGE (child:Status {statusId:1002, userId:902}) CREATE UNIQUE parent-[relationship:RETWEET {ids:'1001_1002', created_at:'Mon Nov 04 14:37:56 AST 2019' }]->child RETURN parent, relationship, child;<br>
==> +-----------------------------------------------------------------------------------------------------------------------------------------------------+<br>
==> | parent | relationship | child |<br>
==> +-----------------------------------------------------------------------------------------------------------------------------------------------------+<br>
==> | Node[1]{statusId:1001,userId:901} | :RETWEET[224428]{ids:"1001_1002",created_at:"Mon Nov 04 14:37:56 AST 2019"} | Node[2]{statusId:1002,userId:902} |<br>
==> +-----------------------------------------------------------------------------------------------------------------------------------------------------+<br>
==> 1 row<br>
==> Relationships created: 1<br>
==> Properties set: 2<br>
==> 12 ms<br>
neo4j-sh (0)$ START parent=node(1) MATCH parent-[relationship]->(child) WHERE child.statusId=1002 RETURN parent,relationship,child;<br>
==> +-----------------------------------------------------------------------------------------------------------------------------------------------------+<br>
==> | parent | relationship | child |<br>
==> +-----------------------------------------------------------------------------------------------------------------------------------------------------+<br>
==> | Node[1]{statusId:1001,userId:901} | :RETWEET[0]{ids:"1001_1002",created_at:"Mon Nov 04 14:37:56 AST 2013"} | Node[2]{statusId:1002,userId:902} |<br>
==> | Node[1]{statusId:1001,userId:901} | :RETWEET[224428]{ids:"1001_1002",created_at:"Mon Nov 04 14:37:56 AST 2019"} | Node[2]{statusId:1002,userId:902} |<br>
==> +-----------------------------------------------------------------------------------------------------------------------------------------------------+<br>
==> 2 rows<br>
==> 7 ms</li>
</ol>
<p dir="auto">Any help would be much appreciated!!!!! Thank you!</p>
<ul dir="auto">
<li>Jack</li>
</ul> | 0 |
<h1 dir="auto">Bug report</h1>
<h2 dir="auto">Describe the bug</h2>
<p dir="auto">Trailing slashes doesn't work. When I am clicking on links on my site everything is fine. All routes are ended with trailing slashes. Only problem is that those route doesn't work when I refresh page manually. Then I got 404 error. When I remove trailing slash - it works. So<br>
<code class="notranslate">/about/</code> works when Im clicking from app on that route<br>
<code class="notranslate">/about/</code> does not work when I enter this route manually or I refresh the page<br>
<code class="notranslate">/about</code> works all the time</p>
<p dir="auto">One more this. When Im on homepage and click on <code class="notranslate">/about</code> - it is ok, but on page view there is no SSR of content of my page. Only layout is generated, but the content of the does not exists.</p>
<p dir="auto">Page content is appearing only when I remove trailing slash - then ssr is working.<br>
I have this:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="module.exports = {
exportTrailingSlash: true,
}"><pre lang="javascipt" class="notranslate"><code class="notranslate">module.exports = {
exportTrailingSlash: true,
}
</code></pre></div>
<p dir="auto">in next.config.js</p>
<h2 dir="auto">Expected behavior</h2>
<p dir="auto">trailish slashes routes should work on refresh, also SSR should works also on trailish slashes routes</p>
<h2 dir="auto">System information</h2>
<ul dir="auto">
<li>OS: chrome</li>
<li>Browser: chrome</li>
<li>Version of Next.js: 9.1.1</li>
</ul> | <ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have searched the <a href="https://github.com/zeit/next.js/issues">issues</a> of this repository and believe that this is not a duplicate.</li>
</ul>
<h2 dir="auto">Expected Behavior</h2>
<h2 dir="auto">Current Behavior</h2>
<h2 dir="auto">Steps to Reproduce (for bugs)</h2>
<ol dir="auto">
<li></li>
<li></li>
<li></li>
<li></li>
</ol>
<h2 dir="auto">Context</h2>
<h2 dir="auto">Your Environment</h2>
<table role="table">
<thead>
<tr>
<th>Tech</th>
<th>Version</th>
</tr>
</thead>
<tbody>
<tr>
<td>next</td>
<td></td>
</tr>
<tr>
<td>node</td>
<td></td>
</tr>
<tr>
<td>OS</td>
<td></td>
</tr>
<tr>
<td>browser</td>
<td></td>
</tr>
<tr>
<td>etc</td>
<td></td>
</tr>
</tbody>
</table> | 0 |
<p dir="auto"><a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/dcolebatch/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/dcolebatch">@dcolebatch</a>: 'There is conflicting reports out there, some google group posts say you can disable vertex ID reuse[1], some say you can't[2].</p>
<p dir="auto">We'd love to be able to disable ID reuse in embedded mode and think it could be documented in Chapter 21[3] if it is there already... ?</p>
<p dir="auto">1: <a href="https://groups.google.com/forum/?fromgroups#!searchin/neo4j/node$20ID/neo4j/wn5sQA1BFf4/T-siwqtof5QJ" rel="nofollow">https://groups.google.com/forum/?fromgroups#!searchin/neo4j/node$20ID/neo4j/wn5sQA1BFf4/T-siwqtof5QJ</a><br>
2: <a href="https://groups.google.com/forum/#!topic/neo4j/ilq7624PwaU" rel="nofollow">https://groups.google.com/forum/#!topic/neo4j/ilq7624PwaU</a><br>
3: <a href="http://docs.neo4j.org/chunked/milestone/embedded-configuration.html" rel="nofollow">http://docs.neo4j.org/chunked/milestone/embedded-configuration.html</a><br>
'</p> | <p dir="auto"><a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/cheadp/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/cheadp">@cheadp</a>: 'On node deletion, related indexes entries will be removed only when the next query on those indexes occurs and should return the deleted node.<br>
As indexes work with internal node id, and as they can be recycled, not removing indexes entries when a node is deleted can lead to index corruption (and happened in one of our pre-production database)</p>
<p dir="auto">As it was told, indexing will be refactored in a futur milestone.<br>
But I think a good thing to do now is to add a warning in the manual about this issue, and advice users to always think about removing indexes entries'</p> | 1 |
<h1 dir="auto">Summary of the new feature/enhancement</h1>
<p dir="auto">I ask if you want to consider integrating Mouse without Borders (<a href="http://aka.ms/mm" rel="nofollow">http://aka.ms/mm</a>) from Truong Do.<br>
You can argue that Mouse without Borders is a PowerToy already and it would be a nice addition to the current tools</p> | <h1 dir="auto">Summary of the new feature/enhancement</h1>
<p dir="auto">I would like it to support mapping holding a key to a function, e.g. holding CapsLock key for a given period to switch input language</p> | 0 |
<p dir="auto">by <strong>gheorghe.postelnicu</strong>:</p>
<pre class="notranslate">Pprof doesn't seem to be working properly under Windows 7 64-bit:
$ go tool pprof sokoban_main.exe a.prof_3
go tool: no such tool "pprof"
Trying to invoke it manually doesn't work either, but with a different error:
$ perl /c/go/pkg/tool/windows_amd64/pprof /c/Users/ghighi/go/src/sokoban/exampl
e/example.exe /c/tmp/cpu_sokoban_5
sh: /usr/bin/file: No such file or directory
/c/tmp/cpu_sokoban_5: need a 64-bit perl to process this 64-bit profile.
Which operating system are you using?
Windows 7 64-bit
Which version are you using? (run 'go version')
go1.0.2</pre> | <pre class="notranslate">This is a placeholder issue for supporting linking against static libraries. There are
plenty of good reasons to support it including more stable builds, fewer dependency
issues outside of the go build system, and supporting projects that prefer to support
static libraries instead of shared ones.
This came up again as the leveldb support for shared libraries has been pretty hit or
miss and they weren't too keen on supporting it in the first place.</pre> | 0 |
<h1 dir="auto">Feature request</h1>
<h2 dir="auto">Is your feature request related to a problem? Please describe.</h2>
<p dir="auto">It isn't related to a problem. But if what I'm asking already exists its a good idea to let it more clear on the docs.</p>
<h2 dir="auto">Describe the solution you'd like</h2>
<p dir="auto">It will be awesome if we can add a config on <code class="notranslate">next.config</code> that allow us to add a ignored name folder to <code class="notranslate">/pages</code> that will not crawl that folder as an app page.<br>
The purpose of it is a way to create a components folder wich has the components that belong to a unique page and (probably) wont be reused again. That kind of practice let clear that this components belong only to that page and will be easier to add things like useMemo, React.memo and useCallback without pollute the root <code class="notranslate">/components</code> folder with never reused components.</p>
<p dir="auto">Something like:</p>
<p dir="auto">Folder:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="/pages
.... /customers
........ /components
........ index.js"><pre class="notranslate"><code class="notranslate">/pages
.... /customers
........ /components
........ index.js
</code></pre></div>
<p dir="auto">Config:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="module.exports = {
notPage: ['components']
};"><pre class="notranslate"><code class="notranslate">module.exports = {
notPage: ['components']
};
</code></pre></div>
<h2 dir="auto">Describe alternatives you've considered</h2>
<p dir="auto">It is possible to create a <code class="notranslate">/pages</code> components inside <code class="notranslate">root</code> <code class="notranslate">/components</code> folder and there add that kind of component.</p> | <h1 dir="auto">Feature request</h1>
<h2 dir="auto">Is your feature request related to a problem? Please describe.</h2>
<p dir="auto">There are many different methods of codebase organization in the wild and one popular one is to use an <code class="notranslate">index.js</code> file for the page component itself and surround it with sibling files for various subviews that are specific to that page.</p>
<p dir="auto">However, next doesn't support this kind of structure because it automatically assumes <em>all</em> files inside of <code class="notranslate">pages/</code> are real pages.</p>
<h2 dir="auto">Describe the solution you'd like</h2>
<p dir="auto">There already is precedent in the codebase for convention over configuration when it comes to filenaming:</p>
<ul dir="auto">
<li>the <code class="notranslate">[id].js</code> pattern for dynamic routing</li>
<li>the <code class="notranslate">_(app|document|error).js</code> pattern for overriding built-in pages</li>
</ul>
<p dir="auto">I propose extending the leading-underscore naming pattern such that any file inside <code class="notranslate">pages/</code> prefixed with an underscore will not be considered as a public page and can simply live in the folder.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="pages/
index.js <- page
accounts/
index.js <- page
_constants.js <- not a page
_modal.js <- not a page"><pre class="notranslate"><code class="notranslate">pages/
index.js <- page
accounts/
index.js <- page
_constants.js <- not a page
_modal.js <- not a page
</code></pre></div>
<h2 dir="auto">Describe alternatives you've considered</h2>
<p dir="auto">Another prefix I thought of was "$", e.g. <code class="notranslate">$constants.js</code> but this felt a little strange to write and actually is <a href="https://en.wikipedia.org/wiki/Filename" rel="nofollow">not supported in some filesystems</a>.</p> | 1 |
<p dir="auto">Use a config schema instead. See the configuration section of <a href="https://atom.io/docs/latest/hacking-atom-package-word-count" rel="nofollow">https://atom.io/docs/latest/hacking-atom-package-word-count</a> and <a href="https://atom.io/docs/api/latest/Config" rel="nofollow">https://atom.io/docs/api/latest/Config</a> for more details<br>
Called 3 times<br>
Package.activateConfig - /Applications/Atom.app/Contents/Resources/app/src/package.js:250:11<br>
Package.activateNow - /Applications/Atom.app/Contents/Resources/app/src/package.js:221:14<br>
Use activationCommands instead of activationEvents in your package.json Commands should be grouped by selector as follows:<br>
"activationCommands": {<br>
"atom-workspace": ["foo:bar", "foo:baz"],<br>
"atom-text-editor": ["foo:quux"]<br>
}<br>
Called 1 time<br>
Package.getActivationCommands - /Applications/Atom.app/Contents/Resources/app/src/package.js:764:9<br>
Package.hasActivationCommands - /Applications/Atom.app/Contents/Resources/app/src/package.js:689:20</p> | <p dir="auto"><strong>After updating to Atom 0.190.0 I get the following 3 deprecation notices of Atom core.</strong> Anyone else noticed this?</p>
<p dir="auto">Use a config schema instead. See the configuration section of <a href="https://atom.io/docs/latest/hacking-atom-package-word-count" rel="nofollow">https://atom.io/docs/latest/hacking-atom-package-word-count</a> and <a href="https://atom.io/docs/api/latest/Config" rel="nofollow">https://atom.io/docs/api/latest/Config</a> for more details<br>
Called 1 time<br>
Package.activateConfig - /usr/share/atom/resources/app/src/package.js:250:11<br>
Package.activateNow - /usr/share/atom/resources/app/src/package.js:221:14</p>
<hr>
<p dir="auto">Use activationCommands instead of activationEvents in your package.json Commands should be grouped by selector as follows:</p>
<p dir="auto">"activationCommands": {<br>
"atom-workspace": ["foo:bar", "foo:baz"],<br>
"atom-text-editor": ["foo:quux"]<br>
}<br>
Called 1 time<br>
Package.getActivationCommands - /usr/share/atom/resources/app/src/package.js:764:9<br>
Package.hasActivationCommands - /usr/share/atom/resources/app/src/package.js:689:20</p>
<hr>
<p dir="auto">ContextMenuManager::add has changed to take a single object as its argument. Please see <a href="https://atom.io/docs/api/latest/ContextMenuManager" rel="nofollow">https://atom.io/docs/api/latest/ContextMenuManager</a> for more info.<br>
Called 1 time<br>
ContextMenuManager.add - /usr/share/atom/resources/app/src/context-menu-manager.js:57:18<br>
Package.activateResources - /usr/share/atom/resources/app/src/package.js:299:61</p> | 1 |
<p dir="auto">I'd like to see the ability to map a keyboard shortcut in the Keyboard Manager to an action such as running a program.</p> | <h2 dir="auto">Create custom shortcuts that will launch certain programs.</h2>
<p dir="auto">Say for example I want to launch Firefox, I could be able to create a shortcut for that call it "ff" and then by typing "ff" in the search it will launch firefox.</p>
<p dir="auto">If you'd like to see this feature implemented, add a <g-emoji class="g-emoji" alias="+1" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/1f44d.png">👍</g-emoji> reaction to this post.</p> | 1 |
<p dir="auto">Hi, I've noticed that a structure like this:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="<div class="row">
<div class="col-xs-6 col-sm-4 col-md-4 col-lg-2 yellow"><h2>Col 4</h2></div>
<div class="col-xs-6 col-sm-8 col-md-4 col-lg-4 blue"><h2>Col 8</h2></div>
<div class="col-xs-12 col-sm-12 col-md-4 col-lg-6 red"><h2>Col 8</h2></div>
</div>"><pre class="notranslate"><code class="notranslate"><div class="row">
<div class="col-xs-6 col-sm-4 col-md-4 col-lg-2 yellow"><h2>Col 4</h2></div>
<div class="col-xs-6 col-sm-8 col-md-4 col-lg-4 blue"><h2>Col 8</h2></div>
<div class="col-xs-12 col-sm-12 col-md-4 col-lg-6 red"><h2>Col 8</h2></div>
</div>
</code></pre></div>
<p dir="auto">wasn't rendering correctly in xs and sm sizes because of the css was missing:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="@media (min-width: 768px){
.col-sm-12{
float:left;
}
}
.col-xs-12{
float:left;
}"><pre class="notranslate"><code class="notranslate">@media (min-width: 768px){
.col-sm-12{
float:left;
}
}
.col-xs-12{
float:left;
}
</code></pre></div> | <p dir="auto">Like said before on posts <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="18529511" data-permission-text="Title is private" data-url="https://github.com/twbs/bootstrap/issues/10152" data-hovercard-type="issue" data-hovercard-url="/twbs/bootstrap/issues/10152/hovercard" href="https://github.com/twbs/bootstrap/issues/10152">#10152</a> and <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="18032897" data-permission-text="Title is private" data-url="https://github.com/twbs/bootstrap/issues/9454" data-hovercard-type="issue" data-hovercard-url="/twbs/bootstrap/issues/9454/hovercard" href="https://github.com/twbs/bootstrap/issues/9454">#9454</a> full-width columns (.col-*-12) should also be floated, since those are not inline elements.</p>
<p dir="auto">As other columns are floating, full-width column will ignore those because browser removes floating elements from the normal flow. For that reason full-width element will be displayed just where it occurs in the text, and that is under floated columns, not next to those.</p>
<p dir="auto">Inline elements inside full-width column do respect the boundaries of the floating elements, but that is not enough.</p>
<p dir="auto">See this fiddle: <a href="http://jsfiddle.net/8Bg2H/" rel="nofollow">http://jsfiddle.net/8Bg2H/</a> and remove the "float: left;" of the full-width element to see what I mean.</p>
<p dir="auto">This change will affect to files grid.less and mixins.less (.make-grid-columns-float).</p> | 1 |
<h2 dir="auto">Bug Report</h2>
<p dir="auto"><strong>Current Behavior</strong><br>
Babel parser gets confused when using decorators.</p>
<p dir="auto"><strong>Additional context/Screenshots</strong></p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=" Module parse failed: Can not use keyword 'await' outside an async function (86:8)
You may need an appropriate loader to handle this file type.
| key: "t",
| value: function value() {
> await this.s();
| }
| }, {
@ ./src/index.js 7:13-40"><pre class="notranslate"> <span class="pl-v">Module</span> <span class="pl-s1">parse</span> <span class="pl-s1">failed</span>: <span class="pl-v">Can</span> <span class="pl-s1">not</span> <span class="pl-s1">use</span> <span class="pl-s1">keyword</span> '<span class="pl-k">await</span>' outside an async function (86:8)
You may need an appropriate loader to handle this file type.
| key: "t",
| value: function value() {
> await this.s();
| }
| }, {
@ ./src/index.js 7:13-40</pre></div>
<p dir="auto">As you can see <code class="notranslate">await this.s()</code> is within an <code class="notranslate">async</code> so there should be no problem.<br>
Remove the decorator then the problem is gone immediately.</p>
<p dir="auto"><strong>Input Code</strong></p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="
function decorator(Class) {
return function (...args) {
return new Class(...args);
}
}
@decorator
class Test {
constructor(props) {
}
async t() {
await this.s()
}
async s() {
}
}
new Test();"><pre class="notranslate"><span class="pl-k">function</span> <span class="pl-en">decorator</span><span class="pl-kos">(</span><span class="pl-v">Class</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">return</span> <span class="pl-k">function</span> <span class="pl-kos">(</span>...<span class="pl-s1">args</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">return</span> <span class="pl-k">new</span> <span class="pl-v">Class</span><span class="pl-kos">(</span>...<span class="pl-s1">args</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span>
<span class="pl-kos">}</span>
@<span class="pl-s1">decorator</span>
<span class="pl-k">class</span> <span class="pl-v">Test</span> <span class="pl-kos">{</span>
<span class="pl-en">constructor</span><span class="pl-kos">(</span><span class="pl-s1">props</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-kos">}</span>
<span class="pl-k">async</span> <span class="pl-en">t</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">await</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-en">s</span><span class="pl-kos">(</span><span class="pl-kos">)</span>
<span class="pl-kos">}</span>
<span class="pl-k">async</span> <span class="pl-en">s</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-kos">}</span>
<span class="pl-kos">}</span>
<span class="pl-k">new</span> <span class="pl-v">Test</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div>
<p dir="auto"><strong>Expected behavior/code</strong><br>
This is supposed to compile just fine.</p>
<p dir="auto"><strong>Babel Configuration (.babelrc, package.json, cli command)</strong></p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="module.exports = function (api) {
//console.log('----------------------------test-------------------------');
api.cache(true);
const presets = [
['@babel/preset-env'],
];
const plugins = [
['@babel/plugin-transform-runtime'],
['@babel/plugin-proposal-decorators', {decoratorsBeforeExport: false}],
['@babel/plugin-proposal-class-properties'],
];
return {
presets: presets,
plugins: plugins,
};
};"><pre class="notranslate"><span class="pl-smi">module</span><span class="pl-kos">.</span><span class="pl-en">exports</span> <span class="pl-c1">=</span> <span class="pl-k">function</span> <span class="pl-kos">(</span><span class="pl-s1">api</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-c">//console.log('----------------------------test-------------------------');</span>
<span class="pl-s1">api</span><span class="pl-kos">.</span><span class="pl-en">cache</span><span class="pl-kos">(</span><span class="pl-c1">true</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-k">const</span> <span class="pl-s1">presets</span> <span class="pl-c1">=</span> <span class="pl-kos">[</span>
<span class="pl-kos">[</span><span class="pl-s">'@babel/preset-env'</span><span class="pl-kos">]</span><span class="pl-kos">,</span>
<span class="pl-kos">]</span><span class="pl-kos">;</span>
<span class="pl-k">const</span> <span class="pl-s1">plugins</span> <span class="pl-c1">=</span> <span class="pl-kos">[</span>
<span class="pl-kos">[</span><span class="pl-s">'@babel/plugin-transform-runtime'</span><span class="pl-kos">]</span><span class="pl-kos">,</span>
<span class="pl-kos">[</span><span class="pl-s">'@babel/plugin-proposal-decorators'</span><span class="pl-kos">,</span> <span class="pl-kos">{</span><span class="pl-c1">decoratorsBeforeExport</span>: <span class="pl-c1">false</span><span class="pl-kos">}</span><span class="pl-kos">]</span><span class="pl-kos">,</span>
<span class="pl-kos">[</span><span class="pl-s">'@babel/plugin-proposal-class-properties'</span><span class="pl-kos">]</span><span class="pl-kos">,</span>
<span class="pl-kos">]</span><span class="pl-kos">;</span>
<span class="pl-k">return</span> <span class="pl-kos">{</span>
<span class="pl-c1">presets</span>: <span class="pl-s1">presets</span><span class="pl-kos">,</span>
<span class="pl-c1">plugins</span>: <span class="pl-s1">plugins</span><span class="pl-kos">,</span>
<span class="pl-kos">}</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span><span class="pl-kos">;</span></pre></div>
<p dir="auto"><strong>Environment</strong></p>
<ul dir="auto">
<li>Babel version(s): 7.1.0</li>
<li>Node/npm version: [Node 8.12 / NPM 6.4.1]</li>
<li>OS: [Ubuntu 16.04 LTS]</li>
<li>How you are using Babel: ['cli', 'webpack']</li>
</ul> | <h2 dir="auto">Bug Report</h2>
<p dir="auto">Hello, first let me thank the Babel contributors for your hard work. Unfortunately, I had an issue using the <code class="notranslate">@babel/plugin-proposal-decorators</code> plugin.</p>
<p dir="auto"><strong>Current Behavior</strong><br>
The async keyword will be stripped of a class' method if the class has a decorator. The erroneous behavior is not reproduced while the plugin is active if the class is not decorated.</p>
<p dir="auto"><strong>Input Code</strong><br>
Here is <a href="https://github.com/VoidOutput/decorator-bug">a repo</a> with a minimal reproducible example.</p>
<p dir="auto">Summary of the issue follows</p>
<p dir="auto">Given the following code</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="function Decorator ({ property } = {}) {
return function ClassDecorator (classDescriptor) {
console.log(property)
return classDescriptor
}
}
@Decorator({
property: true
})
class GenericClass {
async method () {
await Promise.resolve()
return true
}
}"><pre class="notranslate"><span class="pl-k">function</span> <span class="pl-v">Decorator</span> <span class="pl-kos">(</span><span class="pl-kos">{</span> property <span class="pl-kos">}</span> <span class="pl-c1">=</span> <span class="pl-kos">{</span><span class="pl-kos">}</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">return</span> <span class="pl-k">function</span> <span class="pl-v">ClassDecorator</span> <span class="pl-kos">(</span><span class="pl-s1">classDescriptor</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-smi">console</span><span class="pl-kos">.</span><span class="pl-en">log</span><span class="pl-kos">(</span><span class="pl-s1">property</span><span class="pl-kos">)</span>
<span class="pl-k">return</span> <span class="pl-s1">classDescriptor</span>
<span class="pl-kos">}</span>
<span class="pl-kos">}</span>
@<span class="pl-v">Decorator</span><span class="pl-kos">(</span><span class="pl-kos">{</span>
<span class="pl-c1">property</span>: <span class="pl-c1">true</span>
<span class="pl-kos">}</span><span class="pl-kos">)</span>
<span class="pl-k">class</span> <span class="pl-v">GenericClass</span> <span class="pl-kos">{</span>
<span class="pl-k">async</span> <span class="pl-en">method</span> <span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">await</span> <span class="pl-v">Promise</span><span class="pl-kos">.</span><span class="pl-en">resolve</span><span class="pl-kos">(</span><span class="pl-kos">)</span>
<span class="pl-k">return</span> <span class="pl-c1">true</span>
<span class="pl-kos">}</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto">This code will then become (when stripped of babel internal functions):</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="function Decorator({
property
} = {}) {
return function ClassDecorator(classDescriptor) {
console.log(property);
return classDescriptor;
};
}
let GenericClass = _decorate([Decorator({
property: true
})], function (_initialize) {
class GenericClass {
constructor() {
_initialize(this);
}
}
return {
F: GenericClass,
d: [{
kind: "method",
key: "method",
value() {
await Promise.resolve();
return true;
}
}]
};
});"><pre class="notranslate"><span class="pl-k">function</span> <span class="pl-v">Decorator</span><span class="pl-kos">(</span><span class="pl-kos">{</span>
property
<span class="pl-kos">}</span> <span class="pl-c1">=</span> <span class="pl-kos">{</span><span class="pl-kos">}</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">return</span> <span class="pl-k">function</span> <span class="pl-v">ClassDecorator</span><span class="pl-kos">(</span><span class="pl-s1">classDescriptor</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-smi">console</span><span class="pl-kos">.</span><span class="pl-en">log</span><span class="pl-kos">(</span><span class="pl-s1">property</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-k">return</span> <span class="pl-s1">classDescriptor</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span>
<span class="pl-k">let</span> <span class="pl-v">GenericClass</span> <span class="pl-c1">=</span> <span class="pl-en">_decorate</span><span class="pl-kos">(</span><span class="pl-kos">[</span><span class="pl-v">Decorator</span><span class="pl-kos">(</span><span class="pl-kos">{</span>
<span class="pl-c1">property</span>: <span class="pl-c1">true</span>
<span class="pl-kos">}</span><span class="pl-kos">)</span><span class="pl-kos">]</span><span class="pl-kos">,</span> <span class="pl-k">function</span> <span class="pl-kos">(</span><span class="pl-s1">_initialize</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">class</span> <span class="pl-v">GenericClass</span> <span class="pl-kos">{</span>
<span class="pl-en">constructor</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-s1">_initialize</span><span class="pl-kos">(</span><span class="pl-smi">this</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span>
<span class="pl-kos">}</span>
<span class="pl-k">return</span> <span class="pl-kos">{</span>
<span class="pl-c1">F</span>: <span class="pl-v">GenericClass</span><span class="pl-kos">,</span>
<span class="pl-c1">d</span>: <span class="pl-kos">[</span><span class="pl-kos">{</span>
<span class="pl-c1">kind</span>: <span class="pl-s">"method"</span><span class="pl-kos">,</span>
<span class="pl-c1">key</span>: <span class="pl-s">"method"</span><span class="pl-kos">,</span>
<span class="pl-en">value</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">await</span> <span class="pl-v">Promise</span><span class="pl-kos">.</span><span class="pl-en">resolve</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-k">return</span> <span class="pl-c1">true</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span>
<span class="pl-kos">}</span><span class="pl-kos">]</span>
<span class="pl-kos">}</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span><span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div>
<p dir="auto">Note the lack of an async keyword on the <code class="notranslate">value</code> function. This causes browser or linters to correctly point out the syntax error.</p>
<p dir="auto"><strong>Expected behavior/code</strong></p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=" // ...
return {
F: GenericClass,
d: [{
kind: "method",
key: "method",
async value() {
await Promise.resolve();
return true;
}
}]
};
// ..."><pre class="notranslate"> <span class="pl-c">// ...</span>
<span class="pl-k">return</span> <span class="pl-kos">{</span>
<span class="pl-c1">F</span>: <span class="pl-v">GenericClass</span><span class="pl-kos">,</span>
<span class="pl-c1">d</span>: <span class="pl-kos">[</span><span class="pl-kos">{</span>
<span class="pl-c1">kind</span>: <span class="pl-s">"method"</span><span class="pl-kos">,</span>
<span class="pl-c1">key</span>: <span class="pl-s">"method"</span><span class="pl-kos">,</span>
<span class="pl-k">async</span> <span class="pl-en">value</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">await</span> <span class="pl-v">Promise</span><span class="pl-kos">.</span><span class="pl-en">resolve</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-k">return</span> <span class="pl-c1">true</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span>
<span class="pl-kos">}</span><span class="pl-kos">]</span>
<span class="pl-kos">}</span><span class="pl-kos">;</span>
<span class="pl-c">// ...</span></pre></div>
<p dir="auto">or maybe</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=" // ...
return {
F: GenericClass,
d: [{
kind: "method",
key: "method",
value() {
return (async () => {
await Promise.resolve();
return true;
})();
}
}]
};
// ..."><pre class="notranslate"> <span class="pl-c">// ...</span>
<span class="pl-k">return</span> <span class="pl-kos">{</span>
<span class="pl-c1">F</span>: <span class="pl-v">GenericClass</span><span class="pl-kos">,</span>
<span class="pl-c1">d</span>: <span class="pl-kos">[</span><span class="pl-kos">{</span>
<span class="pl-c1">kind</span>: <span class="pl-s">"method"</span><span class="pl-kos">,</span>
<span class="pl-c1">key</span>: <span class="pl-s">"method"</span><span class="pl-kos">,</span>
<span class="pl-en">value</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">return</span> <span class="pl-kos">(</span><span class="pl-k">async</span> <span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-c1">=></span> <span class="pl-kos">{</span>
<span class="pl-k">await</span> <span class="pl-v">Promise</span><span class="pl-kos">.</span><span class="pl-en">resolve</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-k">return</span> <span class="pl-c1">true</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span><span class="pl-kos">)</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span>
<span class="pl-kos">}</span><span class="pl-kos">]</span>
<span class="pl-kos">}</span><span class="pl-kos">;</span>
<span class="pl-c">// ...</span></pre></div>
<p dir="auto"><strong>Babel Configuration (.babelrc, package.json, cli command)</strong></p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="{
"plugins": [
[ "@babel/plugin-proposal-decorators", { "decoratorsBeforeExport": true } ]
]
}"><pre class="notranslate"><span class="pl-kos">{</span>
<span class="pl-s">"plugins"</span>: <span class="pl-kos">[</span>
<span class="pl-kos">[</span> <span class="pl-s">"@babel/plugin-proposal-decorators"</span><span class="pl-kos">,</span> <span class="pl-kos">{</span> <span class="pl-s">"decoratorsBeforeExport"</span>: <span class="pl-c1">true</span> <span class="pl-kos">}</span> <span class="pl-kos">]</span>
<span class="pl-kos">]</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto"><strong>Environment</strong></p>
<ul dir="auto">
<li>Babel version: v7.1.0</li>
<li>Node/npm version: Node 10/NPM 6</li>
<li>OS: Windows 10</li>
<li>Monorepo: yes</li>
<li>How you are using Babel: <code class="notranslate">cli</code>, <code class="notranslate">loader</code></li>
</ul>
<p dir="auto">Note: This issue was first discovered using the loader along with Webpack but was reproduced later with the CLI.</p>
<p dir="auto"><strong>Additional context</strong></p>
<p dir="auto">I have tried to search for similar issues on Google and this repo's issue tracker but could not find someone with the same experience. My apologies if this is already known and/or was already posted.</p>
<p dir="auto">Please do not hesitate to ask if you need more details.</p>
<p dir="auto">Thanks in advance for your time. Have a nice day.</p> | 1 |
<p dir="auto">One of the more recent threads on stack overflow suggests<a href="https://stackoverflow.com/questions/47593597/splitting-sprites-texture-atlases-into-tiles-with-three-js" rel="nofollow"> modifying geometry to index into a texture atlas. </a>. I believe i've seen the same answer before though.</p>
<p dir="auto">I also remember three.js had an issue when cloning the texture, they would get duplicated on the gpu.</p>
<p dir="auto">This conversation happened a while ago:<br>
<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="53969989" data-permission-text="Title is private" data-url="https://github.com/mrdoob/three.js/issues/5876" data-hovercard-type="issue" data-hovercard-url="/mrdoob/three.js/issues/5876/hovercard" href="https://github.com/mrdoob/three.js/issues/5876">#5876</a></p>
<p dir="auto">This PR more recent:<br>
<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="246631722" data-permission-text="Title is private" data-url="https://github.com/mrdoob/three.js/issues/11863" data-hovercard-type="pull_request" data-hovercard-url="/mrdoob/three.js/pull/11863/hovercard" href="https://github.com/mrdoob/three.js/pull/11863">#11863</a></p>
<p dir="auto">Docs say:</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="var texture = new THREE.TextureLoader().load( "textures/water.jpg" );
texture.wrapS = THREE.RepeatWrapping;
texture.wrapT = THREE.RepeatWrapping;
texture.repeat.set( 4, 4 );"><pre class="notranslate"><span class="pl-k">var</span> <span class="pl-s1">texture</span> <span class="pl-c1">=</span> <span class="pl-k">new</span> <span class="pl-c1">THREE</span><span class="pl-kos">.</span><span class="pl-c1">TextureLoader</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">load</span><span class="pl-kos">(</span> <span class="pl-s">"textures/water.jpg"</span> <span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-s1">texture</span><span class="pl-kos">.</span><span class="pl-c1">wrapS</span> <span class="pl-c1">=</span> <span class="pl-c1">THREE</span><span class="pl-kos">.</span><span class="pl-c1">RepeatWrapping</span><span class="pl-kos">;</span>
<span class="pl-s1">texture</span><span class="pl-kos">.</span><span class="pl-c1">wrapT</span> <span class="pl-c1">=</span> <span class="pl-c1">THREE</span><span class="pl-kos">.</span><span class="pl-c1">RepeatWrapping</span><span class="pl-kos">;</span>
<span class="pl-s1">texture</span><span class="pl-kos">.</span><span class="pl-c1">repeat</span><span class="pl-kos">.</span><span class="pl-en">set</span><span class="pl-kos">(</span> <span class="pl-c1">4</span><span class="pl-kos">,</span> <span class="pl-c1">4</span> <span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div>
<p dir="auto">if i add:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="var texFoo = texture.clone()
texFoo.repeat.set(2,2)
var texBar = texture.clone()
texBar.repeat.set(6,6)"><pre class="notranslate"><code class="notranslate">var texFoo = texture.clone()
texFoo.repeat.set(2,2)
var texBar = texture.clone()
texBar.repeat.set(6,6)
</code></pre></div>
<p dir="auto">What should the expectation be here? Mine is that some UV attribute (call it <code class="notranslate">channel0</code> for example) would get scaled by the <code class="notranslate">.repeat</code> value of the texture, and display all the textures with their appropriate values?</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="var myMaterial = new THREE.MeshPhongMaterial({
map: texture,
specularMap: texFoo,
normalMap: texBar,
}) "><pre class="notranslate"><span class="pl-k">var</span> <span class="pl-s1">myMaterial</span> <span class="pl-c1">=</span> <span class="pl-k">new</span> <span class="pl-c1">THREE</span><span class="pl-kos">.</span><span class="pl-c1">MeshPhongMaterial</span><span class="pl-kos">(</span><span class="pl-kos">{</span>
<span class="pl-c1">map</span>: <span class="pl-s1">texture</span><span class="pl-kos">,</span>
<span class="pl-c1">specularMap</span>: <span class="pl-s1">texFoo</span><span class="pl-kos">,</span>
<span class="pl-c1">normalMap</span>: <span class="pl-s1">texBar</span><span class="pl-kos">,</span>
<span class="pl-kos">}</span><span class="pl-kos">)</span> </pre></div>
<p dir="auto">And will this still upload only one image to the gpu?</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="var oneGeometry = new BoxGeom()
var squares_5x5_units_in_world_space = loadTexture()
for ( var i = 0 ; i < 1000 ; i ++ ){
var mesh = new THREE.Mesh( oneGeometry , new Material())
var meshScale = Math.random()
mesh.scale.multiplyScalar(meshScale)
mesh.position.set(Math.random(),Math.random(),Math.random())
mesh.material.map = squares_5x5_units_in_world_space.clone() //should still use one image?
mesh.material.map.repeat(meshScale, meshScale)
}"><pre class="notranslate"><span class="pl-k">var</span> <span class="pl-s1">oneGeometry</span> <span class="pl-c1">=</span> <span class="pl-k">new</span> <span class="pl-v">BoxGeom</span><span class="pl-kos">(</span><span class="pl-kos">)</span>
<span class="pl-k">var</span> <span class="pl-s1">squares_5x5_units_in_world_space</span> <span class="pl-c1">=</span> <span class="pl-en">loadTexture</span><span class="pl-kos">(</span><span class="pl-kos">)</span>
<span class="pl-k">for</span> <span class="pl-kos">(</span> <span class="pl-k">var</span> <span class="pl-s1">i</span> <span class="pl-c1">=</span> <span class="pl-c1">0</span> <span class="pl-kos">;</span> <span class="pl-s1">i</span> <span class="pl-c1"><</span> <span class="pl-c1">1000</span> <span class="pl-kos">;</span> <span class="pl-s1">i</span> <span class="pl-c1">++</span> <span class="pl-kos">)</span><span class="pl-kos">{</span>
<span class="pl-k">var</span> <span class="pl-s1">mesh</span> <span class="pl-c1">=</span> <span class="pl-k">new</span> <span class="pl-c1">THREE</span><span class="pl-kos">.</span><span class="pl-c1">Mesh</span><span class="pl-kos">(</span> <span class="pl-s1">oneGeometry</span> <span class="pl-kos">,</span> <span class="pl-k">new</span> <span class="pl-v">Material</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">)</span>
<span class="pl-k">var</span> <span class="pl-s1">meshScale</span> <span class="pl-c1">=</span> <span class="pl-v">Math</span><span class="pl-kos">.</span><span class="pl-en">random</span><span class="pl-kos">(</span><span class="pl-kos">)</span>
<span class="pl-s1">mesh</span><span class="pl-kos">.</span><span class="pl-c1">scale</span><span class="pl-kos">.</span><span class="pl-en">multiplyScalar</span><span class="pl-kos">(</span><span class="pl-s1">meshScale</span><span class="pl-kos">)</span>
<span class="pl-s1">mesh</span><span class="pl-kos">.</span><span class="pl-c1">position</span><span class="pl-kos">.</span><span class="pl-en">set</span><span class="pl-kos">(</span><span class="pl-v">Math</span><span class="pl-kos">.</span><span class="pl-en">random</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">,</span><span class="pl-v">Math</span><span class="pl-kos">.</span><span class="pl-en">random</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">,</span><span class="pl-v">Math</span><span class="pl-kos">.</span><span class="pl-en">random</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">)</span>
<span class="pl-s1">mesh</span><span class="pl-kos">.</span><span class="pl-c1">material</span><span class="pl-kos">.</span><span class="pl-c1">map</span> <span class="pl-c1">=</span> <span class="pl-s1">squares_5x5_units_in_world_space</span><span class="pl-kos">.</span><span class="pl-en">clone</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-c">//should still use one image?</span>
<span class="pl-s1">mesh</span><span class="pl-kos">.</span><span class="pl-c1">material</span><span class="pl-kos">.</span><span class="pl-c1">map</span><span class="pl-kos">.</span><span class="pl-en">repeat</span><span class="pl-kos">(</span><span class="pl-s1">meshScale</span><span class="pl-kos">,</span> <span class="pl-s1">meshScale</span><span class="pl-kos">)</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto">I guess I can test both.</p>
<h5 dir="auto">Three.js version</h5>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> Dev</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> r88</li>
</ul> | <h5 dir="auto">Description of the problem</h5>
<p dir="auto"><code class="notranslate">ObjectLoader</code> doesn't support parsing the following geometries:</p>
<ul dir="auto">
<li><code class="notranslate">TextGeometry</code></li>
<li><code class="notranslate">ParametricGeometry</code></li>
<li><code class="notranslate">InstancedGeometry</code></li>
<li><del><code class="notranslate">WireframeGeometry</code></del></li>
</ul>
<p dir="auto">This causes an issue where the Editor cannot load any scenes or objects that use these geometries.</p>
<h5 dir="auto">Three.js version</h5>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> Dev</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> r102</li>
</ul>
<h5 dir="auto">Browser</h5>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> All of them</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> Chrome</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> Firefox</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> Internet Explorer</li>
</ul>
<h5 dir="auto">OS</h5>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> All of them</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> Windows</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> macOS</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> Linux</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> Android</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> iOS</li>
</ul> | 0 |
<p dir="auto">Hi all,</p>
<p dir="auto">I've been trying to install scikit-learn on my GNU/Linux machine. I downloaded the tarball of the 0.14.1 source code and was able to complete "python setup.py build" and "python setup.py install" ok (well, they looked to complete ok!). However, as I go through the build tests, I get the following errors:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="======================================================================
ERROR: sklearn.cluster.bicluster.tests.test_utils.test_get_submatrix
----------------------------------------------------------------------
Traceback (most recent call last):
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/nose-1.2.1-py2.7.egg/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/sklearn/cluster/bicluster/tests/test_utils.py", line 43, in test_get_submatrix
assert_true(np.all(X != -1))
File "/home/cosmos/library/python2.7/lib/python2.7/unittest/case.py", line 418, in assertTrue
if not expr:
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/scipy/sparse/base.py", line 183, in __bool__
raise ValueError("The truth value of an array with more than one "
ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all().
======================================================================
ERROR: sklearn.datasets.tests.test_samples_generator.test_make_low_rank_matrix
----------------------------------------------------------------------
Traceback (most recent call last):
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/nose-1.2.1-py2.7.egg/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/sklearn/datasets/tests/test_samples_generator.py", line 156, in test_make_low_rank_matrix
u, s, v = svd(X)
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/numpy/linalg/linalg.py", line 1327, in svd
u, s, vt = gufunc(a, signature=signature, extobj=extobj)
ValueError: On entry to DGESDD parameter number 12 had an illegal value
----------------------------------------------------------------------
Ran 1720 tests in 122.754s
FAILED (SKIP=14, errors=2)"><pre class="notranslate"><code class="notranslate">======================================================================
ERROR: sklearn.cluster.bicluster.tests.test_utils.test_get_submatrix
----------------------------------------------------------------------
Traceback (most recent call last):
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/nose-1.2.1-py2.7.egg/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/sklearn/cluster/bicluster/tests/test_utils.py", line 43, in test_get_submatrix
assert_true(np.all(X != -1))
File "/home/cosmos/library/python2.7/lib/python2.7/unittest/case.py", line 418, in assertTrue
if not expr:
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/scipy/sparse/base.py", line 183, in __bool__
raise ValueError("The truth value of an array with more than one "
ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all().
======================================================================
ERROR: sklearn.datasets.tests.test_samples_generator.test_make_low_rank_matrix
----------------------------------------------------------------------
Traceback (most recent call last):
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/nose-1.2.1-py2.7.egg/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/sklearn/datasets/tests/test_samples_generator.py", line 156, in test_make_low_rank_matrix
u, s, v = svd(X)
File "/home/cosmos/library/python2.7/lib/python2.7/site-packages/numpy/linalg/linalg.py", line 1327, in svd
u, s, vt = gufunc(a, signature=signature, extobj=extobj)
ValueError: On entry to DGESDD parameter number 12 had an illegal value
----------------------------------------------------------------------
Ran 1720 tests in 122.754s
FAILED (SKIP=14, errors=2)
</code></pre></div>
<p dir="auto">Can anybody help? Any suggestions?</p>
<p dir="auto">Thanks!</p> | <p dir="auto">Hello.<br>
I am trying to install scikit on MacBook Pro Lion 10.7. However, the test fails with this message:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="======================================================================
ERROR: sklearn.cluster.bicluster.tests.test_utils.test_get_submatrix
----------------------------------------------------------------------
Traceback (most recent call last):
File "/opt/local/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Library/Python/2.7/site-packages/sklearn/cluster/bicluster/tests/test_utils.py", line 43, in test_get_submatrix
assert_true(np.all(X != -1))
File "/opt/local/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/unittest/case.py", line 422, in assertTrue
if not expr:
File "/opt/local/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/sparse/base.py", line 183, in __bool__
raise ValueError("The truth value of an array with more than one "
ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all().
----------------------------------------------------------------------
Ran 1720 tests in 104.398s
FAILED (SKIP=15, errors=1)"><pre class="notranslate"><code class="notranslate">======================================================================
ERROR: sklearn.cluster.bicluster.tests.test_utils.test_get_submatrix
----------------------------------------------------------------------
Traceback (most recent call last):
File "/opt/local/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Library/Python/2.7/site-packages/sklearn/cluster/bicluster/tests/test_utils.py", line 43, in test_get_submatrix
assert_true(np.all(X != -1))
File "/opt/local/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/unittest/case.py", line 422, in assertTrue
if not expr:
File "/opt/local/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/sparse/base.py", line 183, in __bool__
raise ValueError("The truth value of an array with more than one "
ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all().
----------------------------------------------------------------------
Ran 1720 tests in 104.398s
FAILED (SKIP=15, errors=1)
</code></pre></div>
<p dir="auto">How can I fix the issue?</p>
<p dir="auto">Regards.</p> | 1 |
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have searched the <a href="https://github.com/apache/dubbo/issues">issues</a> of this repository and believe that this is not a duplicate.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have checked the <a href="https://github.com/apache/dubbo/blob/master/FAQ.md">FAQ</a> of this repository and believe that this is not a duplicate.</li>
</ul>
<h3 dir="auto">Environment</h3>
<ul dir="auto">
<li>Dubbo version: xxx</li>
<li>Operating System version: xxx</li>
<li>Java version: xxx</li>
</ul>
<h3 dir="auto">Steps to reproduce this issue</h3>
<ol dir="auto">
<li>xxx</li>
<li>xxx</li>
<li>xxx</li>
</ol>
<p dir="auto">Pls. provide [GitHub address] to reproduce this issue.</p>
<h3 dir="auto">Expected Result</h3>
<p dir="auto">What do you expected from the above steps?</p>
<h3 dir="auto">Actual Result</h3>
<p dir="auto">What actually happens?</p>
<p dir="auto">If there is an exception, please attach the exception trace:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Just put your stack trace here!"><pre class="notranslate"><code class="notranslate">Just put your stack trace here!
</code></pre></div> | <ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have searched the <a href="https://github.com/apache/dubbo/issues">issues</a> of this repository and believe that this is not a duplicate.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have checked the <a href="https://github.com/apache/dubbo/blob/master/FAQ.md">FAQ</a> of this repository and believe that this is not a duplicate.</li>
</ul>
<h3 dir="auto">Environment</h3>
<ul dir="auto">
<li>Dubbo version: 2.7.2</li>
<li>Operating System version: xxx</li>
<li>Java version: xxx</li>
</ul>
<h3 dir="auto">Steps to reproduce this issue</h3>
<div class="highlight highlight-source-java notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="public void removeListener(String key, String group, ConfigurationListener listener) {
cacheListener.removeListener(key, listener);
}
@Override
public String getConfig(String key, String group, long timeout) throws IllegalStateException {
/**
* when group is not null, we are getting startup configs from Config Center, for example:
* group=dubbo, key=dubbo.properties
*/
if (StringUtils.isNotEmpty(group)) {
key = group + "/" + key;
}
/**
* when group is null, we are fetching governance rules, for example:
* 1. key=org.apache.dubbo.DemoService.configurators
* 2. key = org.apache.dubbo.DemoService.condition-router
*/
else {
int i = key.lastIndexOf(".");
key = key.substring(0, i) + "/" + key.substring(i + 1);
}
return (String) getInternalProperty(rootPath + "/" + key);
}"><pre class="notranslate"><span class="pl-k">public</span> <span class="pl-smi">void</span> <span class="pl-s1">removeListener</span>(<span class="pl-smi">String</span> <span class="pl-s1">key</span>, <span class="pl-smi">String</span> <span class="pl-s1">group</span>, <span class="pl-smi">ConfigurationListener</span> <span class="pl-s1">listener</span>) {
<span class="pl-s1">cacheListener</span>.<span class="pl-en">removeListener</span>(<span class="pl-s1">key</span>, <span class="pl-s1">listener</span>);
}
<span class="pl-c1">@</span><span class="pl-c1">Override</span>
<span class="pl-k">public</span> <span class="pl-smi">String</span> <span class="pl-s1">getConfig</span>(<span class="pl-smi">String</span> <span class="pl-s1">key</span>, <span class="pl-smi">String</span> <span class="pl-s1">group</span>, <span class="pl-smi">long</span> <span class="pl-s1">timeout</span>) <span class="pl-k">throws</span> <span class="pl-s1">IllegalStateException</span> {
<span class="pl-c">/**</span>
<span class="pl-c"> * when group is not null, we are getting startup configs from Config Center, for example:</span>
<span class="pl-c"> * group=dubbo, key=dubbo.properties</span>
<span class="pl-c"> */</span>
<span class="pl-k">if</span> (<span class="pl-smi">StringUtils</span>.<span class="pl-en">isNotEmpty</span>(<span class="pl-s1">group</span>)) {
<span class="pl-s1">key</span> = <span class="pl-s1">group</span> + <span class="pl-s">"/"</span> + <span class="pl-s1">key</span>;
}
<span class="pl-c">/**</span>
<span class="pl-c"> * when group is null, we are fetching governance rules, for example:</span>
<span class="pl-c"> * 1. key=org.apache.dubbo.DemoService.configurators</span>
<span class="pl-c"> * 2. key = org.apache.dubbo.DemoService.condition-router</span>
<span class="pl-c"> */</span>
<span class="pl-k">else</span> {
<span class="pl-smi">int</span> <span class="pl-s1">i</span> = <span class="pl-s1">key</span>.<span class="pl-en">lastIndexOf</span>(<span class="pl-s">"."</span>);
<span class="pl-s1">key</span> = <span class="pl-s1">key</span>.<span class="pl-en">substring</span>(<span class="pl-c1">0</span>, <span class="pl-s1">i</span>) + <span class="pl-s">"/"</span> + <span class="pl-s1">key</span>.<span class="pl-en">substring</span>(<span class="pl-s1">i</span> + <span class="pl-c1">1</span>);
}
<span class="pl-k">return</span> (<span class="pl-smi">String</span>) <span class="pl-en">getInternalProperty</span>(<span class="pl-s1">rootPath</span> + <span class="pl-s">"/"</span> + <span class="pl-s1">key</span>);
}</pre></div>
<p dir="auto">addListener and getConfig used different path, so only one of the could get data from configcenter</p>
<p dir="auto">Pls. provide [GitHub address] to reproduce this issue.</p>
<h3 dir="auto">Expected Result</h3>
<p dir="auto">What do you expected from the above steps?</p>
<h3 dir="auto">Actual Result</h3>
<p dir="auto">What actually happens?</p>
<p dir="auto">If there is an exception, please attach the exception trace:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Just put your stack trace here!"><pre class="notranslate"><code class="notranslate">Just put your stack trace here!
</code></pre></div> | 0 |
<p dir="auto"><strong>Migrated issue, originally created by John Mercouris (<a href="https://github.com/jmercouris">@jmercouris</a>)</strong></p>
<p dir="auto">If you look in the examples, the documentation mentions that you may setup directed graphs:<br>
<a href="http://docs.sqlalchemy.org/en/rel_1_0/orm/examples.html#module-examples.graphs" rel="nofollow">http://docs.sqlalchemy.org/en/rel_1_0/orm/examples.html#module-examples.graphs</a></p>
<p dir="auto">The code for the directed graph can be found here:<br>
<a href="http://docs.sqlalchemy.org/en/rel_1_0/_modules/examples/graphs/directed_graph.html" rel="nofollow">http://docs.sqlalchemy.org/en/rel_1_0/_modules/examples/graphs/directed_graph.html</a></p>
<p dir="auto">Unfortunately the code for the directed graph is actually for an undirected graph<br>
(directed vs undirected graph) <a href="http://www.differencebetween.com/wp-content/uploads/2011/05/DifferenceBetween_Directed_UnDirected_Graphs1.jpg" rel="nofollow">http://www.differencebetween.com/wp-content/uploads/2011/05/DifferenceBetween_Directed_UnDirected_Graphs1.jpg</a></p>
<p dir="auto">The reason it is a directed graph is because you may not add a relationship from n1->n2 as well as from n2->n1. The program will crash and complain that there is a duplicate entry.</p>
<p dir="auto">For your convenience I have modified the program to show an example of a directed graph:<br>
(<a href="http://pastebin.com/xJDPdvYJ" rel="nofollow">http://pastebin.com/xJDPdvYJ</a>) - also attached to this issue. Also attached is the database generated from running the file.</p>
<p dir="auto">You can run the program to demonstrate it for yourself, thank you for your time.</p>
<hr>
<p dir="auto">Attachments: <a href="../wiki/imported_issue_attachments/3698/data.db">data.db</a> | <a href="../wiki/imported_issue_attachments/3698/graph.py">graph.py</a></p> | <p dir="auto">Good evening!<br>
We have a problem while executing following code:</p>
<p dir="auto">import sqlalchemy as db<br>
import pandas as pd<br>
import cx_Oracle</p>
<p dir="auto">engine = db.create_engine("oracle+cx_oracle://{user}:{pw}@{host}:{port}/{db}"<br>
.format(user = "usr",<br>
pw = "pwd",<br>
host = "host",<br>
port = "port",<br>
db = "db"), encoding='utf8', echo=True)</p>
<p dir="auto">metadata = db.MetaData()<br>
connection = engine.connect()</p>
<p dir="auto">connection.execute("ALTER SESSION SET NLS_DATE_FORMAT = 'YYYY-MM-DD HH24:MI:SS' NLS_TIMESTAMP_FORMAT = 'YYYY-MM-DD HH24:MI:SS.FF'")</p>
<p dir="auto">data = "select * from big_view"<br>
df = pd.read_sql(data, connection)</p>
<p dir="auto">print(df.shape)</p>
<p dir="auto">connection.close()</p>
<p dir="auto">Instead of geting 2 mil rows i get only about 200k rows.</p> | 0 |
<p dir="auto">If you use $CELERYD_CHDIR with $CELERYD_OPTS and use a relative path to the dir, then status needs to do the same or otherwise it won't find the application.</p>
<p dir="auto">Also, status and start look at different option env variables which leads to duplication (the -A option needs to be repeated).</p>
<p dir="auto">As a side note, I'm curious if anyone is using these init.d scripts in production successfully? Because I've run into several issues (all fixed imminently, thanks Ask!) and I'm wondering if there's a better working alternative.</p> | <p dir="auto">currently celery, by default, will add a set of fixtures and a mark, which can be confusing to new developers on a project when running <code class="notranslate">pytest --fixtures</code> and begin using them even through we've not yet opted into and started configuring them.</p>
<p dir="auto">An alternative is to use an approach like <a href="https://github.com/aio-libs/pytest-aiohttp/">https://github.com/aio-libs/pytest-aiohttp/</a> where there is a shim package that just lists an entrypoint, and depends on aiohttp.</p>
<p dir="auto">Those that don't want to install the shim package can add <code class="notranslate">pytest_plugins = 'celery.contrib.pytest'</code> to their <code class="notranslate">pytest.ini</code></p>
<h1 dir="auto">Checklist</h1>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have checked the <a href="https://github.com/celery/celery/issues?utf8=%E2%9C%93&q=is%3Aissue+label%3A%22Issue+Type%3A+Feature+Request%22+">issues list</a><br>
for similar or identical feature requests.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have checked the <a href="https://github.com/celery/celery/pulls?utf8=%E2%9C%93&q=is%3Apr+label%3A%22PR+Type%3A+Feature%22+">pull requests list</a><br>
for existing proposed implementations of this feature.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have checked the <a href="https://github.com/celery/celery/commits/master">commit log</a><br>
to find out if the if the same feature was already implemented in the<br>
master branch.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have included all related issues and possible duplicate issues<br>
in this issue (If there are none, check this box anyway).</li>
</ul>
<h2 dir="auto">Related Issues and Possible Duplicates</h2>
<h4 dir="auto">Related Issues</h4>
<ul dir="auto">
<li>None</li>
</ul>
<h4 dir="auto">Possible Duplicates</h4>
<ul dir="auto">
<li>None</li>
</ul>
<h1 dir="auto">Brief Summary</h1>
<h1 dir="auto">Design</h1>
<h2 dir="auto">Architectural Considerations</h2>
<p dir="auto">None</p>
<h2 dir="auto">Proposed Behavior</h2>
<h2 dir="auto">Proposed UI/UX</h2>
<h2 dir="auto">Diagrams</h2>
<p dir="auto">N/A</p>
<h2 dir="auto">Alternatives</h2>
<p dir="auto">None</p> | 0 |
<p dir="auto"><strong><a href="https://jira.spring.io/secure/ViewProfile.jspa?name=simpor" rel="nofollow">Simon Rydberg</a></strong> opened <strong><a href="https://jira.spring.io/browse/SPR-2928?redirect=false" rel="nofollow">SPR-2928</a></strong> and commented</p>
<p dir="auto">loading the following application-context, causes the error message at the end.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="<!-- ========================= GENERAL DEFINITIONS ========================= -->
<!-- Configurer that replaces ${...} placeholders with values from a properties file -->
<!-- (in this case, JDBC-related settings for the dataSource definition below) -->
<bean id="propertyConfigurer" class="org.springframework.beans.factory.config.PropertyPlaceholderConfigurer">
<property name="location">
<value>WEB-INF/jdbc.properties</value>
</property>
</bean>
<!-- Message source for this context, loaded from localized "messages_xx" files -->
<!--
<bean id="messageSource" class="org.springframework.context.support.ResourceBundleMessageSource">
<property name="basename"><value>/WEB-INF/messages</value></property>
</bean>
-->
<!-- ========================= RESOURCE DEFINITIONS ========================= -->
<!-- Local DataSource that works in any environment -->
<bean id="dataSource" class="org.springframework.jdbc.datasource.DriverManagerDataSource">
<property name="driverClassName">
<value>${jdbc.driverClassName}</value>
</property>
<property name="url">
<value>${jdbc.url}</value>
</property>
<property name="username">
<value>${jdbc.username}</value>
</property>
<property name="password">
<value>${jdbc.password}</value>
</property>
</bean>
<!-- Hibernate SessionFactory -->
<bean id="sessionFactory" class="org.springframework.orm.hibernate3.LocalSessionFactoryBean">
<property name="dataSource" ref="dataSource"/>
<property name="mappingResources">
<value>library.hbm.xml</value>
</property>
<property name="hibernateProperties">
<props>
<prop key="hibernate.dialect">${hibernate.dialect}</prop>
<!-- <prop key="hibernate.show_sql">true</prop>-->
<!-- <prop key="hibernate.generate_statistics">true</prop>-->
<prop key="hibernate.query.substitutions">true 1, false 0, yes 'Y', no 'N'</prop>
<prop key="hibernate.cache.use_second_level_cache">false</prop>
<prop key="hibernate.cache.use_query_cache">false</prop>
</props>
</property>
<property name="eventListeners">
<map>
<entry key="merge">
<bean class="org.springframework.orm.hibernate3.support.IdTransferringMergeEventListener"/>
</entry>
</map>
</property>
<property name="schemaUpdate">
<value>true</value>
</property>
</bean>
<!-- Transaction manager for a single Hibernate SessionFactory (alternative to JTA) -->
<bean id="transactionManager" class="org.springframework.orm.hibernate3.HibernateTransactionManager">
<property name="sessionFactory" ref="sessionFactory"/>
</bean>
<!-- ========================= BUSINESS OBJECT DEFINITIONS ========================= -->
<!-- Library primary business object: Hibernate implementation -->
<bean id="libraryTarget" class="se.transrail.trains.persistence.HibernateLibraryDao">
<property name="sessionFactory">
<ref local="sessionFactory"/>
</property>
</bean>
<!-- Transactional proxy for the Library primary business object -->
<bean id="libraryService" class="org.springframework.transaction.interceptor.TransactionProxyFactoryBean">
<property name="transactionManager">
<ref local="transactionManager"/>
</property>
<property name="target">
<ref local="libraryTarget"/>
</property>
<property name="transactionAttributes">
<props>
<prop key="get*">PROPAGATION_REQUIRED,readOnly</prop>
<prop key="find*">PROPAGATION_REQUIRED,readOnly</prop>
<prop key="load*">PROPAGATION_REQUIRED,readOnly</prop>
<prop key="store*">PROPAGATION_REQUIRED</prop>
<prop key="delete*">PROPAGATION_REQUIRED</prop>
</props>
</property>
</bean>"><pre class="notranslate"><code class="notranslate"><!-- ========================= GENERAL DEFINITIONS ========================= -->
<!-- Configurer that replaces ${...} placeholders with values from a properties file -->
<!-- (in this case, JDBC-related settings for the dataSource definition below) -->
<bean id="propertyConfigurer" class="org.springframework.beans.factory.config.PropertyPlaceholderConfigurer">
<property name="location">
<value>WEB-INF/jdbc.properties</value>
</property>
</bean>
<!-- Message source for this context, loaded from localized "messages_xx" files -->
<!--
<bean id="messageSource" class="org.springframework.context.support.ResourceBundleMessageSource">
<property name="basename"><value>/WEB-INF/messages</value></property>
</bean>
-->
<!-- ========================= RESOURCE DEFINITIONS ========================= -->
<!-- Local DataSource that works in any environment -->
<bean id="dataSource" class="org.springframework.jdbc.datasource.DriverManagerDataSource">
<property name="driverClassName">
<value>${jdbc.driverClassName}</value>
</property>
<property name="url">
<value>${jdbc.url}</value>
</property>
<property name="username">
<value>${jdbc.username}</value>
</property>
<property name="password">
<value>${jdbc.password}</value>
</property>
</bean>
<!-- Hibernate SessionFactory -->
<bean id="sessionFactory" class="org.springframework.orm.hibernate3.LocalSessionFactoryBean">
<property name="dataSource" ref="dataSource"/>
<property name="mappingResources">
<value>library.hbm.xml</value>
</property>
<property name="hibernateProperties">
<props>
<prop key="hibernate.dialect">${hibernate.dialect}</prop>
<!-- <prop key="hibernate.show_sql">true</prop>-->
<!-- <prop key="hibernate.generate_statistics">true</prop>-->
<prop key="hibernate.query.substitutions">true 1, false 0, yes 'Y', no 'N'</prop>
<prop key="hibernate.cache.use_second_level_cache">false</prop>
<prop key="hibernate.cache.use_query_cache">false</prop>
</props>
</property>
<property name="eventListeners">
<map>
<entry key="merge">
<bean class="org.springframework.orm.hibernate3.support.IdTransferringMergeEventListener"/>
</entry>
</map>
</property>
<property name="schemaUpdate">
<value>true</value>
</property>
</bean>
<!-- Transaction manager for a single Hibernate SessionFactory (alternative to JTA) -->
<bean id="transactionManager" class="org.springframework.orm.hibernate3.HibernateTransactionManager">
<property name="sessionFactory" ref="sessionFactory"/>
</bean>
<!-- ========================= BUSINESS OBJECT DEFINITIONS ========================= -->
<!-- Library primary business object: Hibernate implementation -->
<bean id="libraryTarget" class="se.transrail.trains.persistence.HibernateLibraryDao">
<property name="sessionFactory">
<ref local="sessionFactory"/>
</property>
</bean>
<!-- Transactional proxy for the Library primary business object -->
<bean id="libraryService" class="org.springframework.transaction.interceptor.TransactionProxyFactoryBean">
<property name="transactionManager">
<ref local="transactionManager"/>
</property>
<property name="target">
<ref local="libraryTarget"/>
</property>
<property name="transactionAttributes">
<props>
<prop key="get*">PROPAGATION_REQUIRED,readOnly</prop>
<prop key="find*">PROPAGATION_REQUIRED,readOnly</prop>
<prop key="load*">PROPAGATION_REQUIRED,readOnly</prop>
<prop key="store*">PROPAGATION_REQUIRED</prop>
<prop key="delete*">PROPAGATION_REQUIRED</prop>
</props>
</property>
</bean>
</code></pre></div>
<p dir="auto">Exception in thread "main" org.springframework.beans.factory.BeanCreationException: Error creating bean with name 'sessionFactory' defined in file [/home/simonrydberg/projects/trains/web/WEB-INF/applicationContext-hibernate.xml]: Invocation of init method failed; nested exception is org.springframework.orm.hibernate3.HibernateSystemException: No local DataSource found for configuration - dataSource property must be set on LocalSessionFactoryBean; nested exception is org.hibernate.HibernateException: No local DataSource found for configuration - dataSource property must be set on LocalSessionFactoryBean<br>
Caused by: org.springframework.orm.hibernate3.HibernateSystemException: No local DataSource found for configuration - dataSource property must be set on LocalSessionFactoryBean; nested exception is org.hibernate.HibernateException: No local DataSource found for configuration - dataSource property must be set on LocalSessionFactoryBean<br>
Caused by: org.hibernate.HibernateException: No local DataSource found for configuration - dataSource property must be set on LocalSessionFactoryBean<br>
at org.springframework.orm.hibernate3.LocalDataSourceConnectionProvider.configure(LocalDataSourceConnectionProvider.java:49)<br>
at org.hibernate.connection.ConnectionProviderFactory.newConnectionProvider(ConnectionProviderFactory.java:124)<br>
at org.hibernate.connection.ConnectionProviderFactory.newConnectionProvider(ConnectionProviderFactory.java:56)<br>
at org.hibernate.cfg.SettingsFactory.createConnectionProvider(SettingsFactory.java:397)<br>
at org.hibernate.cfg.SettingsFactory.buildSettings(SettingsFactory.java:62)<br>
at org.hibernate.cfg.Configuration.buildSettings(Configuration.java:2002)<br>
at org.hibernate.cfg.Configuration.generateSchemaUpdateScript(Configuration.java:947)<br>
at org.springframework.orm.hibernate3.LocalSessionFactoryBean$3.doInHibernate(LocalSessionFactoryBean.java:934)<br>
at org.springframework.orm.hibernate3.HibernateTemplate.execute(HibernateTemplate.java:362)<br>
at org.springframework.orm.hibernate3.HibernateTemplate.execute(HibernateTemplate.java:328)<br>
at org.springframework.orm.hibernate3.LocalSessionFactoryBean.updateDatabaseSchema(LocalSessionFactoryBean.java:928)<br>
at org.springframework.orm.hibernate3.LocalSessionFactoryBean.afterSessionFactoryCreation(LocalSessionFactoryBean.java:826)<br>
at org.springframework.orm.hibernate3.AbstractSessionFactoryBean.afterPropertiesSet(AbstractSessionFactoryBean.java:133)<br>
at org.springframework.beans.factory.support.AbstractAutowireCapableBeanFactory.invokeInitMethods(AbstractAutowireCapableBeanFactory.java:1057)<br>
at org.springframework.beans.factory.support.AbstractAutowireCapableBeanFactory.initializeBean(AbstractAutowireCapableBeanFactory.java:1024)<br>
at org.springframework.beans.factory.support.AbstractAutowireCapableBeanFactory.createBean(AbstractAutowireCapableBeanFactory.java:421)<br>
at org.springframework.beans.factory.support.AbstractBeanFactory$1.getObject(AbstractBeanFactory.java:245)<br>
at org.springframework.beans.factory.support.DefaultSingletonBeanRegistry.getSingleton(DefaultSingletonBeanRegistry.java:141)<br>
at org.springframework.beans.factory.support.AbstractBeanFactory.getBean(AbstractBeanFactory.java:242)<br>
at org.springframework.beans.factory.support.AbstractBeanFactory.getBean(AbstractBeanFactory.java:156)<br>
at org.springframework.beans.factory.support.DefaultListableBeanFactory.preInstantiateSingletons(DefaultListableBeanFactory.java:270)<br>
at org.springframework.context.support.AbstractApplicationContext.refresh(AbstractApplicationContext.java:346)<br>
at org.springframework.context.support.FileSystemXmlApplicationContext.<init>(FileSystemXmlApplicationContext.java:89)<br>
at org.springframework.context.support.FileSystemXmlApplicationContext.<init>(FileSystemXmlApplicationContext.java:74)<br>
at se.transrail.trains.domain.railway.RailwayImport2.createDatabaseFromFile(RailwayImport2.java:44)<br>
at se.transrail.trains.domain.railway.RailwayImport2.main(RailwayImport2.java:36)<br>
at sun.reflect.NativeMethodAccessorImpl.invoke0(Native Method)<br>
at sun.reflect.NativeMethodAccessorImpl.invoke(NativeMethodAccessorImpl.java:39)<br>
at sun.reflect.DelegatingMethodAccessorImpl.invoke(DelegatingMethodAccessorImpl.java:25)<br>
at java.lang.reflect.Method.invoke(Method.java:585)<br>
at com.intellij.rt.execution.application.AppMain.main(AppMain.java:90)</p>
<p dir="auto">I have tried to create a own LocalSessionFactoryBean:</p>
<p dir="auto">public class MyLSFB extends LocalSessionFactoryBean {<br>
protected void postProcessConfiguration(Configuration config) throws HibernateException {<br>
DriverManagerDataSource dataSource = new DriverManagerDataSource();<br>
dataSource.setDriverClassName("org.gjt.mm.mysql.Driver");<br>
dataSource.setUrl("jdbc.url=jdbc:mysql://localhost:3306/database_name?autoReconnect=true");<br>
dataSource.setUsername("root");<br>
dataSource.setPassword("");<br>
this.setDataSource(dataSource);<br>
}</p>
<p dir="auto">and loading it instead of the default LocalSessionFactoryBean. Debugging it, it does come in to the method and creates and sets the datasource, but I still get the error-message...</p>
<hr>
<p dir="auto"><strong>Affects:</strong> 2.0.2</p>
<p dir="auto"><strong>Issue Links:</strong></p>
<ul dir="auto">
<li><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398073479" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/7596" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/7596/hovercard" href="https://github.com/spring-projects/spring-framework/issues/7596">#7596</a> Hibernate 3.2.1; HibernateException No local DataSource found for configuration when schemaUpdate is true (<em><strong>"duplicates"</strong></em>)</li>
</ul> | <p dir="auto"><strong><a href="https://jira.spring.io/secure/ViewProfile.jspa?name=olivergierke" rel="nofollow">Oliver Drotbohm</a></strong> opened <strong><a href="https://jira.spring.io/browse/SPR-8925?redirect=false" rel="nofollow">SPR-8925</a></strong> and commented</p>
<p dir="auto">Commit <a href="https://fisheye.springsource.org/changelog/spring-framework?cs=4482" rel="nofollow">4482</a> introduced a snippet of code in <code class="notranslate">preparePersistenceUnitInfos()</code> that rejects <code class="notranslate">PersistenceUnit</code> instances with the very same name although the call to <code class="notranslate">postProcessPersistenceUnitInfo(...)</code> might have handled that case correctly. We rely on this behavior with Spring Data JPAs <code class="notranslate">MergingPersistenceUnitManager</code> and got reports (<a href="https://jira.spring.io/browse/DATAJPA-138" rel="nofollow">DATAJPA-138</a>) claiming it's not working with Spring 3.1.</p>
<hr>
<p dir="auto"><strong>Affects:</strong> 3.1 GA</p>
<p dir="auto"><strong>Issue Links:</strong></p>
<ul dir="auto">
<li><a href="https://jira.spring.io/browse/DATAJPA-138" rel="nofollow">DATAJPA-138</a> MergingPersistenceUnitManager doesnt work with Spring 3.1.0 DefaultPersistenceUnitManager (<em><strong>"is depended on by"</strong></em>)</li>
<li><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="398118141" data-permission-text="Title is private" data-url="https://github.com/spring-projects/spring-framework/issues/13884" data-hovercard-type="issue" data-hovercard-url="/spring-projects/spring-framework/issues/13884/hovercard" href="https://github.com/spring-projects/spring-framework/issues/13884">#13884</a> Changes in the DefaultPersistenceUnitManager from 3.0 to 3.1 make it impossible to extend it (<em><strong>"is duplicated by"</strong></em>)</li>
</ul>
<p dir="auto"><strong>Referenced from:</strong> commits <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/spring-projects/spring-framework/commit/103c648a9240ee56e95cc02bfb4ec4ba848b0746/hovercard" href="https://github.com/spring-projects/spring-framework/commit/103c648a9240ee56e95cc02bfb4ec4ba848b0746"><tt>103c648</tt></a>, <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/spring-projects/spring-framework/commit/bdcf480f55a8018690ef28294a36d19a45271243/hovercard" href="https://github.com/spring-projects/spring-framework/commit/bdcf480f55a8018690ef28294a36d19a45271243"><tt>bdcf480</tt></a></p>
<p dir="auto">1 votes, 3 watchers</p> | 0 |
<p dir="auto">Currently using webpack to build a library, The library contains a couple UI-Components, these UI components depend on a couple styles from the library. However the same styles are also the ones that are exposed to users so they can access and style with. Whats the best way to prevent duplication of css as I don't want the user to have two copies of the styles(css) if they are using <code class="notranslate">extract-text-webpack-plugin</code>, <code class="notranslate">css-loader</code>, <code class="notranslate">style-loader</code>, etc.</p>
<p dir="auto">How to integrate the styles with library UMD output webpack build?</p>
<p dir="auto"><a href="http://stackoverflow.com/questions/37846849/library-output-with-css-in-user-land-and-library-webpack" rel="nofollow">StackoverFlow Link</a></p> | <p dir="auto">I am trying to migrate my big single page application from Require.js to webpack and there is some troubles with code splitting. My application has structure:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" js --|
| |-- entry.js
| |-- components --|
| |-- component_1.js
| |-- component_2.js
| ... // many components
| |-- component_n.js
| |-- pages --|
| |-- page_1.js
| |-- page_2.js
| ... // many pages
| |-- page_n.js
| |-- routers --|
| |-- router.js"><pre class="notranslate"><code class="notranslate"> js --|
| |-- entry.js
| |-- components --|
| |-- component_1.js
| |-- component_2.js
| ... // many components
| |-- component_n.js
| |-- pages --|
| |-- page_1.js
| |-- page_2.js
| ... // many pages
| |-- page_n.js
| |-- routers --|
| |-- router.js
</code></pre></div>
<p dir="auto">So I want to create a separate bundle for every page. I'm using bundle-loader in my router.js to do this:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="require('bundle!pages/' + pageName)(function (result) {
//... to do something in callback when the page is loaded
});"><pre class="notranslate"><code class="notranslate">require('bundle!pages/' + pageName)(function (result) {
//... to do something in callback when the page is loaded
});
</code></pre></div>
<p dir="auto">It's OK. Also every page has define section with some components (not all) that it needs. For example:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="define([
'components/component_1',
'components/component_7',
'components/component_29'
], function (c1, c2, c3) {
// ... to do something with OBJECTS c1, c2, c3.
});"><pre class="notranslate"><code class="notranslate">define([
'components/component_1',
'components/component_7',
'components/component_29'
], function (c1, c2, c3) {
// ... to do something with OBJECTS c1, c2, c3.
});
</code></pre></div>
<p dir="auto">Webpack puts code of these components on bundle with page. But there are many pages which use same components and components may be big, so I have duplicated code. ( DedupePlugin don't work with bundle-loader ). Also I don't want to create common big bundle with all components. I want to have isolated components and load each of them synchronously with page.<br>
RequireJS solved this problem. First it loaded every component.js file (if it was not loaded before) and after loaded page.js. Of course, I can use bundle-loader for components in webpack:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="define([
'bundle!components/component_1',
'bundle!components/component_7',
'bundle!components/component_29'
], function (c1, c2, c3) {
// ??? what to do with CALLBACKS c1, c2, c3 ?
});"><pre class="notranslate"><code class="notranslate">define([
'bundle!components/component_1',
'bundle!components/component_7',
'bundle!components/component_29'
], function (c1, c2, c3) {
// ??? what to do with CALLBACKS c1, c2, c3 ?
});
</code></pre></div>
<p dir="auto">Then components are loading asynchronously with page, i.e. after the page is loaded. And c1, c2, c3 are callbacks, but i need to use them as objects. Or I need to rework my big app totally. It's so hard and long.<br>
I try to write custom loader based on bundle-loader. It's <a href="https://github.com/yelodia/bundle-amd-loader">here</a>. How to use it with callback:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="require('bundle-amd!pages/' + pageName)(function (result) {
//... to do something in callback when the page is loaded
});"><pre class="notranslate"><code class="notranslate">require('bundle-amd!pages/' + pageName)(function (result) {
//... to do something in callback when the page is loaded
});
</code></pre></div>
<p dir="auto">How to use it in define section (with define parameter):</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="define([
'bundle-amd?define!components/component_1',
'bundle-amd?define!components/component_7'
], function (c1, c2) {
// ... to do something with OBJECTS c1, c2
});"><pre class="notranslate"><code class="notranslate">define([
'bundle-amd?define!components/component_1',
'bundle-amd?define!components/component_7'
], function (c1, c2) {
// ... to do something with OBJECTS c1, c2
});
</code></pre></div>
<p dir="auto">My code is bad, because I am not nodejs developer, it's my first experience. But loader works and there are no duplicated code in bundles. I appeal to the experienced developer. Please, if you have the opportunity, create this loader (or plugin) for mass use. I think, I'm not the only one who needs the ability to synchronus loading of bundles. Hope you help me. Thanks!</p> | 0 |
<p dir="auto"><strong>Do you want to request a <em>feature</em> or report a <em>bug</em>?</strong><br>
Bug</p>
<p dir="auto"><strong>What is the current behavior?</strong></p>
<p dir="auto">Our application has credit card input fields hosted in iframes and we make use of <code class="notranslate">postMessage</code> restricted to a <code class="notranslate">targetOrigin</code>.</p>
<p dir="auto">The problem is that <code class="notranslate">ReactInputSelection</code> tries to access the <code class="notranslate">contentDocument</code> of the iframe but this result in a security violation on iOS, breaking the post message flow.</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="// react-dom/src/client/ReactInputSelection.js
function getActiveElementDeep() {
let win = window;
let element = getActiveElement();
while (element instanceof win.HTMLIFrameElement) {
// Accessing the contentDocument of a HTMLIframeElement can cause the browser
// to throw, e.g. if it has a cross-origin src attribute
try {
win = element.contentDocument.defaultView;
} catch (e) {
return element;
}
element = getActiveElement(win.document);
}
return element;
}"><pre class="notranslate"><span class="pl-c">// react-dom/src/client/ReactInputSelection.js</span>
<span class="pl-k">function</span> <span class="pl-en">getActiveElementDeep</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">let</span> <span class="pl-s1">win</span> <span class="pl-c1">=</span> <span class="pl-smi">window</span><span class="pl-kos">;</span>
<span class="pl-k">let</span> <span class="pl-s1">element</span> <span class="pl-c1">=</span> <span class="pl-en">getActiveElement</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-k">while</span> <span class="pl-kos">(</span><span class="pl-s1">element</span> <span class="pl-k">instanceof</span> <span class="pl-s1">win</span><span class="pl-kos">.</span><span class="pl-c1">HTMLIFrameElement</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-c">// Accessing the contentDocument of a HTMLIframeElement can cause the browser</span>
<span class="pl-c">// to throw, e.g. if it has a cross-origin src attribute</span>
<span class="pl-k">try</span> <span class="pl-kos">{</span>
<span class="pl-s1">win</span> <span class="pl-c1">=</span> <span class="pl-s1">element</span><span class="pl-kos">.</span><span class="pl-c1">contentDocument</span><span class="pl-kos">.</span><span class="pl-c1">defaultView</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span> <span class="pl-k">catch</span> <span class="pl-kos">(</span><span class="pl-s1">e</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">return</span> <span class="pl-s1">element</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span>
<span class="pl-s1">element</span> <span class="pl-c1">=</span> <span class="pl-en">getActiveElement</span><span class="pl-kos">(</span><span class="pl-s1">win</span><span class="pl-kos">.</span><span class="pl-c1">document</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span>
<span class="pl-k">return</span> <span class="pl-s1">element</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto">This seems to work fine in most of the major browsers except on <code class="notranslate">iOS 11.2.1</code>.<br>
By changing the code bellow to use <code class="notranslate">contentWindow</code> instead fixed the issue:</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=" // This results in 'Blocked a frame with origin' on iOS
// and the post messages are not being sent
win = element.contentDocument.defaultView;
// fix the issue
win = element.contentWindow;"><pre class="notranslate"> <span class="pl-c">// This results in 'Blocked a frame with origin' on iOS </span>
<span class="pl-c">// and the post messages are not being sent</span>
<span class="pl-s1">win</span> <span class="pl-c1">=</span> <span class="pl-s1">element</span><span class="pl-kos">.</span><span class="pl-c1">contentDocument</span><span class="pl-kos">.</span><span class="pl-c1">defaultView</span><span class="pl-kos">;</span>
<span class="pl-c">// fix the issue</span>
<span class="pl-s1">win</span> <span class="pl-c1">=</span> <span class="pl-s1">element</span><span class="pl-kos">.</span><span class="pl-c1">contentWindow</span><span class="pl-kos">;</span></pre></div>
<p dir="auto">Steps to reproduce:<br>
1 - Connect your phone to Safari's developer tools<br>
2 - Visit the code sandbox sample at <a href="https://codesandbox.io/s/vv8w1zwm90" rel="nofollow">https://codesandbox.io/s/vv8w1zwm90</a><br>
3 - Tap on the <code class="notranslate">input field</code> hosted on codepen<br>
4 - Tap on the <code class="notranslate">console</code> tab on code sandbox<br>
5 - It should log <code class="notranslate">Blocked a frame with origin "https://codesandbox.io" from accessing a frame with origin "https://vv8w1zwm90.codesandbox.io". Protocols, domains, and ports must match</code></p>
<p dir="auto"><strong>What is the expected behavior?</strong><br>
Accessing an iframe should not result into cross origin security error.</p>
<p dir="auto"><strong>Which versions of React, and which browser / OS are affected by this issue? Did this work in previous versions of React?</strong></p>
<p dir="auto">React 16.8.4<br>
iOS 11.2.1</p> | <p dir="auto">hey folks, looks like <a href="https://github.com/facebook/react/commit/b565f495319750d98628425d120312997bee410b">this code</a> added small issue with safari and it could flood devtools console output with messages like this:<br>
<a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/778908/47569863-0e3a5c80-d935-11e8-8e59-8d95d35ba131.png"><img width="875" alt="screenshot 2018-10-26 at 15 25 33" src="https://user-images.githubusercontent.com/778908/47569863-0e3a5c80-d935-11e8-8e59-8d95d35ba131.png" style="max-width: 100%;"></a><br>
As I understand it happens <a href="https://github.com/facebook/react/commit/b565f495319750d98628425d120312997bee410b#diff-a654f37b01573fc8006b426d56ad53ceR50">here</a> and I see you catch the error, but safari still adds the error message if you have iframes with different origin</p> | 1 |
<p dir="auto">I am not sure which package to blame for this but autocomplet does not work with non-ascii words.</p>
<p dir="auto">When I type eg. "Immat" I get the autocomplete proposal "Immaterialgut" but not "Immaterialgüter". I guess autocomplete does not work with non-ascii chars at all. Thatmay be ok for programmers but not for writers, because we have a lot of non-ascii words out there.</p> | <p dir="auto">Current implementation seems to break words on unicode characters - so when I write "somēthing" in the editor, it gets tokenised into "som" and "thing" for purposes of autocomplete.</p>
<p dir="auto">If I follow the code correctly, it's due to JS regex used at <a href="https://github.com/saschagehlich/autocomplete-plus/blob/master/lib/provider.coffee#L6"><code class="notranslate">Provider.wordRegex</code></a> not being unicode-enabled.</p>
<p dir="auto">Possible solutions:</p>
<ul dir="auto">
<li>use a character whitelist <a href="https://github.com/saschagehlich/autocomplete-plus/blob/master/lib/fuzzy-provider.coffee#L61">like here</a>;</li>
<li>bring in unicode-aware library like <a href="http://xregexp.com/" rel="nofollow">XRegExp</a>;</li>
</ul>
<p dir="auto">Which would you rather see implemented - nasty regex without additional libraries, or cleaner regex plus additional dependency? Or something else entirely?</p> | 1 |
<p dir="auto">I just tested the Gallery app on my tablet (Samsung Galaxy Tab E) and I ran into an issue. The toolbar or at least a portion of the upper part of UI is cropped.<br>
<a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/8492909/19825397/7f43bd84-9d70-11e6-950d-d6b4cbd42d68.png"><img src="https://cloud.githubusercontent.com/assets/8492909/19825397/7f43bd84-9d70-11e6-950d-d6b4cbd42d68.png" alt="screenshot_2016-10-29-00-29-02" style="max-width: 100%;"></a></p>
<h2 dir="auto">Flutter Version</h2>
<p dir="auto">Flutter • channel master • <a href="https://github.com/flutter/flutter.git">https://github.com/flutter/flutter.git</a><br>
Framework • revision <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/flutter/flutter/commit/b41645cc17d3f5fbf30bf52ebf838f8905e58dbd/hovercard" href="https://github.com/flutter/flutter/commit/b41645cc17d3f5fbf30bf52ebf838f8905e58dbd"><tt>b41645c</tt></a> (2 hours ago) • 2016-10-28 14:37:17<br>
Engine • revision <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/flutter/flutter/commit/1bc79ded38e6729399bba6ef050bea5613eebb6d/hovercard" href="https://github.com/flutter/flutter/commit/1bc79ded38e6729399bba6ef050bea5613eebb6d"><tt>1bc79de</tt></a><br>
Tools • Dart 1.21.0-dev.2.0</p> | <p dir="auto">Shrine on a Nexus 9:</p>
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/5479/18840823/b4e398da-83c4-11e6-90bb-775b8f4f38dc.png"><img src="https://cloud.githubusercontent.com/assets/5479/18840823/b4e398da-83c4-11e6-90bb-775b8f4f38dc.png" alt="screenshot_20160926-083646 1" style="max-width: 100%;"></a></p> | 1 |
<p dir="auto">I ran into this when trying to add a user toggle for switching between point and linear filtering like so:</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="const renderTarget = new WebGLRenderTarget();
// ...render scene...
renderTarget.texture.minFilter = NearestFilter;
renderTarget.texture.needsUpdate = true;
// rendering fails because texture can't be updated"><pre class="notranslate"><span class="pl-k">const</span> <span class="pl-s1">renderTarget</span> <span class="pl-c1">=</span> <span class="pl-k">new</span> <span class="pl-v">WebGLRenderTarget</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-c">// ...render scene...</span>
<span class="pl-s1">renderTarget</span><span class="pl-kos">.</span><span class="pl-c1">texture</span><span class="pl-kos">.</span><span class="pl-c1">minFilter</span> <span class="pl-c1">=</span> <span class="pl-v">NearestFilter</span><span class="pl-kos">;</span>
<span class="pl-s1">renderTarget</span><span class="pl-kos">.</span><span class="pl-c1">texture</span><span class="pl-kos">.</span><span class="pl-c1">needsUpdate</span> <span class="pl-c1">=</span> <span class="pl-c1">true</span><span class="pl-kos">;</span>
<span class="pl-c">// rendering fails because texture can't be updated</span></pre></div>
<p dir="auto">Here's a fiddle demonstrating the issue (needsUpdate is set in the render loop):</p>
<p dir="auto"><a href="https://jsfiddle.net/qg7rmu4k/" rel="nofollow">https://jsfiddle.net/qg7rmu4k/</a></p>
<p dir="auto">I see that issue <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="165206925" data-permission-text="Title is private" data-url="https://github.com/mrdoob/three.js/issues/9327" data-hovercard-type="issue" data-hovercard-url="/mrdoob/three.js/issues/9327/hovercard" href="https://github.com/mrdoob/three.js/issues/9327">#9327</a> was closed previously for not having a use case attached to it. In this case it's because I'm setting needsUpdate in order to change any of the texture sampling fields.</p> | <p dir="auto">Sometimes, when we want to save some memory, it happens that we have to reuse a render target, by just changing some possible parameters on the fly. I am talking about wrapping and filtering, obviously not format and type. Changing these parameters is (generally) fast enough (depending on the drivers).</p>
<p dir="auto">However, it is not currently possible to do that, because of this part of the code:</p>
<p dir="auto"><a href="https://github.com/mrdoob/three.js/blob/dev/src/renderers/webgl/WebGLTextures.js#L225-L244">https://github.com/mrdoob/three.js/blob/dev/src/renderers/webgl/WebGLTextures.js#L225-L244</a></p>
<p dir="auto">As a <code class="notranslate">WebGLRenderTarget</code> has obviously no image attribute.</p>
<p dir="auto">Maybe I am missing something, but it looks like the data uploading and the parameters and couple together. Am I the only one looking for a change on this side?</p>
<p dir="auto">It would be nice to separate the data uploading from the parameters.</p>
<h5 dir="auto">Three.js version</h5>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> All of them</li>
</ul>
<h5 dir="auto">Browser</h5>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> All of them</li>
</ul>
<h5 dir="auto">OS</h5>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> All of them</li>
</ul> | 1 |
<p dir="auto">I have a change to the gomobile tool that appears to make .app bundles produced with Xcode 7. It needs a bit more testing.</p>
<p dir="auto">The gist of it is that the DevelopmentTeam ID needs to be in the project file. Unfortunately this requires a bit of machinery to detect, and I fear on complex setups we will have to guess which is the correct ID. We probably already were taking the first team ID, so that's not a new problem.</p> | <p dir="auto">Please answer these questions before submitting your issue. Thanks!</p>
<h3 dir="auto">What version of Go are you using (<code class="notranslate">go version</code>)?</h3>
<p dir="auto">go 1.8<br>
gomobile version +0f31740 Wed Apr 19 17:20:05 2017 +0000 (android,ios); androidSDK=</p>
<h3 dir="auto">What operating system and processor architecture are you using (<code class="notranslate">go env</code>)?</h3>
<p dir="auto">macos<br>
xcode 8.1</p>
<h3 dir="auto">What did you do?</h3>
<p dir="auto">build example flappy and upload it to itunesconnect<br>
edit below and go install gomobile<br>
--- a/cmd/gomobile/build_iosapp.go<br>
+++ b/cmd/gomobile/build_iosapp.go<br>
@@ -31,7 +31,8 @@ func goIOSBuild(pkg *build.Package) (map[string]bool, error) {<br>
infoplist := new(bytes.Buffer)<br>
if err := infoplistTmpl.Execute(infoplist, infoplistTmplData{<br>
// TODO: better bundle id.</p>
<ul dir="auto">
<li>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" BundleID: "org.golang.todo." + productName,"><pre class="notranslate"><code class="notranslate"> BundleID: "org.golang.todo." + productName,
</code></pre></div>
</li>
</ul>
<ul dir="auto">
<li>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" BundleID: "org.xxxx.mug",
Name: strings.Title(path.Base(pkg.ImportPath)),
}); err != nil {
return nil, err"><pre class="notranslate"><code class="notranslate"> BundleID: "org.xxxx.mug",
Name: strings.Title(path.Base(pkg.ImportPath)),
}); err != nil {
return nil, err
</code></pre></div>
</li>
</ul>
<p dir="auto">@@ -366,6 +367,7 @@ const projPbxproj = `// !$<em>UTF8</em>$!<br>
CLANG_WARN_UNREACHABLE_CODE = YES;<br>
CLANG_WARN__DUPLICATE_METHOD_MATCH = YES;<br>
"CODE_SIGN_IDENTITY[sdk=iphoneos*]" = "iPhone Developer";</p>
<ul dir="auto">
<li>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" DEVELOPMENT_TEAM = xxxxxxxxx;//
COPY_PHASE_STRIP = NO;
DEBUG_INFORMATION_FORMAT = "dwarf-with-dsym";"><pre class="notranslate"><code class="notranslate"> DEVELOPMENT_TEAM = xxxxxxxxx;//
COPY_PHASE_STRIP = NO;
DEBUG_INFORMATION_FORMAT = "dwarf-with-dsym";
</code></pre></div>
</li>
</ul>
<p dir="auto">gomobile build -target=ios golang.org/x/mobile/example/flappy<br>
flappy.app --itunes--> flappy.ipa<br>
xcode Application Loader Upload.</p>
<h3 dir="auto">What did you expect to see?</h3>
<p dir="auto">go build app upload success</p>
<h3 dir="auto">What did you see instead?</h3>
<p dir="auto">Application Loader Reports<br>
ERROR ITMS-90161: "Invalid Provisioning Profile. The provisioning profile included in the bundle org.xxxx.mug [Payload/flappy.app] is invalid. [Missing code-signing certificate]. A Distribution Provisioning profile should be used when submitting apps to the App Store. For more information, visit the iOS Developer Portal."</p>
<p dir="auto">Bundle id is correct. Provision profile exist.</p> | 1 |
<p dir="auto">After finishing the exercise I hit "run test" but nothing happens. I had the same problem few hours ago with he new waypoint (10 on Jquery)</p>
<p dir="auto">Challenge <a href="http://www.freecodecamp.com/challenges/waypoint-target-the-parent-of-an-element-using-jquery?solution=fccss%0A%20%20%24%28document%29.ready%28function%28%29%20%7B%0A%20%20%20%20%24%28%22%23target1%22%29.css%28%22color%22%2C%20%22red%22%29%3B%0A%20%20%20%20%24%28%22%23target1%22%29.prop%28%22disabled%22%2C%20true%29%3B%0A%20%20%20%20%24%28%22%23target4%22%29.remove%28%29%3B%0A%20%20%20%20%24%28%22%23target2%22%29.appendTo%28%22%23right-well%22%29%3B%0A%20%20%20%20%24%28%22%23target5%22%29.clone%28%29.appendTo%28%22%23left-well%22%29%3B%0A%20%20%20%20%24%28%22%23target1%22%29.parent%28%29.css%28%22background-color%22%2C%20%22red%22%29%0A%0A%20%20%7D%29%3B%0Afcces%0A%0A%3C!--%20Only%20change%20code%20above%20this%20line.%20--%3E%0A%0A%3Cbody%3E%0A%20%20%3Cdiv%20class%3D%22container-fluid%22%3E%0A%20%20%20%20%3Ch3%20class%3D%22text-primary%20text-center%22%3EjQuery%20Playground%3C%2Fh3%3E%0A%20%20%20%20%3Cdiv%20class%3D%22row%22%3E%0A%20%20%20%20%20%20%3Cdiv%20class%3D%22col-xs-6%22%3E%0A%20%20%20%20%20%20%20%20%3Ch4%3E%23left-well%3C%2Fh4%3E%0A%20%20%20%20%20%20%20%20%3Cdiv%20class%3D%22well%22%20id%3D%22left-well%22%3E%0A%20%20%20%20%20%20%20%20%20%20%3Cbutton%20class%3D%22btn%20btn-default%20target%22%20id%3D%22target1%22%3E%23target1%3C%2Fbutton%3E%0A%20%20%20%20%20%20%20%20%20%20%3Cbutton%20class%3D%22btn%20btn-default%20target%22%20id%3D%22target2%22%3E%23target2%3C%2Fbutton%3E%0A%20%20%20%20%20%20%20%20%20%20%3Cbutton%20class%3D%22btn%20btn-default%20target%22%20id%3D%22target3%22%3E%23target3%3C%2Fbutton%3E%0A%20%20%20%20%20%20%20%20%3C%2Fdiv%3E%0A%20%20%20%20%20%20%3C%2Fdiv%3E%0A%20%20%20%20%20%20%3Cdiv%20class%3D%22col-xs-6%22%3E%0A%20%20%20%20%20%20%20%20%3Ch4%3E%23right-well%3C%2Fh4%3E%0A%20%20%20%20%20%20%20%20%3Cdiv%20class%3D%22well%22%20id%3D%22right-well%22%3E%0A%20%20%20%20%20%20%20%20%20%20%3Cbutton%20class%3D%22btn%20btn-default%20target%22%20id%3D%22target4%22%3E%23target4%3C%2Fbutton%3E%0A%20%20%20%20%20%20%20%20%20%20%3Cbutton%20class%3D%22btn%20btn-default%20target%22%20id%3D%22target5%22%3E%23target5%3C%2Fbutton%3E%0A%20%20%20%20%20%20%20%20%20%20%3Cbutton%20class%3D%22btn%20btn-default%20target%22%20id%3D%22target6%22%3E%23target6%3C%2Fbutton%3E%0A%20%20%20%20%20%20%20%20%3C%2Fdiv%3E%0A%20%20%20%20%20%20%3C%2Fdiv%3E%0A%20%20%20%20%3C%2Fdiv%3E%0A%20%20%3C%2Fdiv%3E%0A%3C%2Fbody%3E%0A" rel="nofollow">Waypoint: Target the Parent of an Element Using jQuery</a> has an issue.<br>
User Agent is: <code class="notranslate">Mozilla/5.0 (Macintosh; Intel Mac OS X 10_11_1) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/46.0.2490.86 Safari/537.36</code>.<br>
Please describe how to reproduce this issue, and include links to screenshots if possible.</p>
<p dir="auto">My code:</p>
<div class="highlight highlight-text-html-basic notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="<script>
$(document).ready(function() {
$("#target1").css("color", "red");
$("#target1").prop("disabled", true);
$("#target4").remove();
$("#target2").appendTo("#right-well");
$("#target5").clone().appendTo("#left-well");
$("#target1").parent().css("background-color", "red")
});
</script>
<!-- Only change code above this line. -->
<body>
<div class="container-fluid">
<h3 class="text-primary text-center">jQuery Playground</h3>
<div class="row">
<div class="col-xs-6">
<h4>#left-well</h4>
<div class="well" id="left-well">
<button class="btn btn-default target" id="target1">#target1</button>
<button class="btn btn-default target" id="target2">#target2</button>
<button class="btn btn-default target" id="target3">#target3</button>
</div>
</div>
<div class="col-xs-6">
<h4>#right-well</h4>
<div class="well" id="right-well">
<button class="btn btn-default target" id="target4">#target4</button>
<button class="btn btn-default target" id="target5">#target5</button>
<button class="btn btn-default target" id="target6">#target6</button>
</div>
</div>
</div>
</div>
</body>
"><pre class="notranslate"><span class="pl-kos"><</span><span class="pl-ent">script</span><span class="pl-kos">></span>
<span class="pl-en">$</span><span class="pl-kos">(</span><span class="pl-smi">document</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">ready</span><span class="pl-kos">(</span><span class="pl-k">function</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-en">$</span><span class="pl-kos">(</span><span class="pl-s">"#target1"</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">css</span><span class="pl-kos">(</span><span class="pl-s">"color"</span><span class="pl-kos">,</span> <span class="pl-s">"red"</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-en">$</span><span class="pl-kos">(</span><span class="pl-s">"#target1"</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">prop</span><span class="pl-kos">(</span><span class="pl-s">"disabled"</span><span class="pl-kos">,</span> <span class="pl-c1">true</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-en">$</span><span class="pl-kos">(</span><span class="pl-s">"#target4"</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">remove</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-en">$</span><span class="pl-kos">(</span><span class="pl-s">"#target2"</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">appendTo</span><span class="pl-kos">(</span><span class="pl-s">"#right-well"</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-en">$</span><span class="pl-kos">(</span><span class="pl-s">"#target5"</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">clone</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">appendTo</span><span class="pl-kos">(</span><span class="pl-s">"#left-well"</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-en">$</span><span class="pl-kos">(</span><span class="pl-s">"#target1"</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">parent</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">css</span><span class="pl-kos">(</span><span class="pl-s">"background-color"</span><span class="pl-kos">,</span> <span class="pl-s">"red"</span><span class="pl-kos">)</span>
<span class="pl-kos">}</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-kos"></</span><span class="pl-ent">script</span><span class="pl-kos">></span>
<span class="pl-c"><!-- Only change code above this line. --></span>
<span class="pl-kos"><</span><span class="pl-ent">body</span><span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">div</span> <span class="pl-c1">class</span>="<span class="pl-s">container-fluid</span>"<span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">h3</span> <span class="pl-c1">class</span>="<span class="pl-s">text-primary text-center</span>"<span class="pl-kos">></span>jQuery Playground<span class="pl-kos"></</span><span class="pl-ent">h3</span><span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">div</span> <span class="pl-c1">class</span>="<span class="pl-s">row</span>"<span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">div</span> <span class="pl-c1">class</span>="<span class="pl-s">col-xs-6</span>"<span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">h4</span><span class="pl-kos">></span>#left-well<span class="pl-kos"></</span><span class="pl-ent">h4</span><span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">div</span> <span class="pl-c1">class</span>="<span class="pl-s">well</span>" <span class="pl-c1">id</span>="<span class="pl-s">left-well</span>"<span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">button</span> <span class="pl-c1">class</span>="<span class="pl-s">btn btn-default target</span>" <span class="pl-c1">id</span>="<span class="pl-s">target1</span>"<span class="pl-kos">></span>#target1<span class="pl-kos"></</span><span class="pl-ent">button</span><span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">button</span> <span class="pl-c1">class</span>="<span class="pl-s">btn btn-default target</span>" <span class="pl-c1">id</span>="<span class="pl-s">target2</span>"<span class="pl-kos">></span>#target2<span class="pl-kos"></</span><span class="pl-ent">button</span><span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">button</span> <span class="pl-c1">class</span>="<span class="pl-s">btn btn-default target</span>" <span class="pl-c1">id</span>="<span class="pl-s">target3</span>"<span class="pl-kos">></span>#target3<span class="pl-kos"></</span><span class="pl-ent">button</span><span class="pl-kos">></span>
<span class="pl-kos"></</span><span class="pl-ent">div</span><span class="pl-kos">></span>
<span class="pl-kos"></</span><span class="pl-ent">div</span><span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">div</span> <span class="pl-c1">class</span>="<span class="pl-s">col-xs-6</span>"<span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">h4</span><span class="pl-kos">></span>#right-well<span class="pl-kos"></</span><span class="pl-ent">h4</span><span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">div</span> <span class="pl-c1">class</span>="<span class="pl-s">well</span>" <span class="pl-c1">id</span>="<span class="pl-s">right-well</span>"<span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">button</span> <span class="pl-c1">class</span>="<span class="pl-s">btn btn-default target</span>" <span class="pl-c1">id</span>="<span class="pl-s">target4</span>"<span class="pl-kos">></span>#target4<span class="pl-kos"></</span><span class="pl-ent">button</span><span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">button</span> <span class="pl-c1">class</span>="<span class="pl-s">btn btn-default target</span>" <span class="pl-c1">id</span>="<span class="pl-s">target5</span>"<span class="pl-kos">></span>#target5<span class="pl-kos"></</span><span class="pl-ent">button</span><span class="pl-kos">></span>
<span class="pl-kos"><</span><span class="pl-ent">button</span> <span class="pl-c1">class</span>="<span class="pl-s">btn btn-default target</span>" <span class="pl-c1">id</span>="<span class="pl-s">target6</span>"<span class="pl-kos">></span>#target6<span class="pl-kos"></</span><span class="pl-ent">button</span><span class="pl-kos">></span>
<span class="pl-kos"></</span><span class="pl-ent">div</span><span class="pl-kos">></span>
<span class="pl-kos"></</span><span class="pl-ent">div</span><span class="pl-kos">></span>
<span class="pl-kos"></</span><span class="pl-ent">div</span><span class="pl-kos">></span>
<span class="pl-kos"></</span><span class="pl-ent">div</span><span class="pl-kos">></span>
<span class="pl-kos"></</span><span class="pl-ent">body</span><span class="pl-kos">></span></pre></div> | <p dir="auto">A bug seems to be present: Chrome 46.0.2490.86 m; Windows 8.1 with respect to <code class="notranslate">appendTo()</code> function.</p>
<p dir="auto"><code class="notranslate">$("#target2").appendTo($("#right-well"));</code> does work, but not the <code class="notranslate">$("#target2").appendTo("#right-well");</code>, the latter being suggested in the tutorial.</p>
<p dir="auto">Hard reload and cache clearing did not seem to solve the problem.</p> | 1 |
<h3 dir="auto">Apache Airflow version</h3>
<p dir="auto">2.4.0</p>
<h3 dir="auto">What happened</h3>
<p dir="auto">Task policies on airflow 2.4 are raising <code class="notranslate">ERROR [airflow.models.dagbag.DagBag] can't set attribute</code> error on trying to override the values.</p>
<h3 dir="auto">What you think should happen instead</h3>
<p dir="auto"><em>No response</em></p>
<h3 dir="auto">How to reproduce</h3>
<p dir="auto">Override an attribute using task_policy<br>
on config/airflow_local_settings.py using the docker image apache/airflow:slim-2.4.0-python3.10</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="def task_policy(task):
task.owner = "newowner"
task.on_failure_callback = lambda context: print(context)
"><pre class="notranslate"><code class="notranslate">def task_policy(task):
task.owner = "newowner"
task.on_failure_callback = lambda context: print(context)
</code></pre></div>
<h3 dir="auto">Operating System</h3>
<p dir="auto">docker image apache/airflow:slim-2.4.0-python3.10</p>
<h3 dir="auto">Versions of Apache Airflow Providers</h3>
<p dir="auto"><em>No response</em></p>
<h3 dir="auto">Deployment</h3>
<p dir="auto">Other Docker-based deployment</p>
<h3 dir="auto">Deployment details</h3>
<p dir="auto"><em>No response</em></p>
<h3 dir="auto">Anything else</h3>
<p dir="auto"><em>No response</em></p>
<h3 dir="auto">Are you willing to submit PR?</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> Yes I am willing to submit a PR!</li>
</ul>
<h3 dir="auto">Code of Conduct</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I agree to follow this project's <a href="https://github.com/apache/airflow/blob/main/CODE_OF_CONDUCT.md">Code of Conduct</a></li>
</ul> | <h3 dir="auto">Apache Airflow version</h3>
<p dir="auto">2.3.2 (latest released)</p>
<h3 dir="auto">What happened</h3>
<p dir="auto">Using cluster policies, I set a default <code class="notranslate">on_failure_callback</code>.<br>
This works great with all tasks expect with task new task mapping.</p>
<h3 dir="auto">What you think should happen instead</h3>
<p dir="auto">Policies should work on all tasks, including the dynamic mapping or generate an exception with the error.</p>
<h3 dir="auto">How to reproduce</h3>
<p dir="auto">Overwrite any parameters using the <code class="notranslate">task_policy</code>.</p>
<h3 dir="auto">Operating System</h3>
<p dir="auto">Official docker image</p>
<h3 dir="auto">Versions of Apache Airflow Providers</h3>
<p dir="auto"><em>No response</em></p>
<h3 dir="auto">Deployment</h3>
<p dir="auto">Other Docker-based deployment</p>
<h3 dir="auto">Deployment details</h3>
<p dir="auto"><em>No response</em></p>
<h3 dir="auto">Anything else</h3>
<p dir="auto"><em>No response</em></p>
<h3 dir="auto">Are you willing to submit PR?</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> Yes I am willing to submit a PR!</li>
</ul>
<h3 dir="auto">Code of Conduct</h3>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I agree to follow this project's <a href="https://github.com/apache/airflow/blob/main/CODE_OF_CONDUCT.md">Code of Conduct</a></li>
</ul> | 1 |
<h5 dir="auto">Issue Type:</h5>
<p dir="auto">“Bug Report”</p>
<h5 dir="auto">Ansible Version:</h5>
<p dir="auto">v1.5.1-1155-gf09c0c7</p>
<h5 dir="auto">Environment:</h5>
<p dir="auto">Debian mix of unstable/testing</p>
<h5 dir="auto">Summary:</h5>
<p dir="auto">There was <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="8039248" data-permission-text="Title is private" data-url="https://github.com/ansible/ansible/issues/1509" data-hovercard-type="pull_request" data-hovercard-url="/ansible/ansible/pull/1509/hovercard" href="https://github.com/ansible/ansible/pull/1509">#1509</a> some time ago which presumably resolved similar issues before. Trying in current devel (v1.5.1-1155-gf09c0c7):</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="$> mkdir venv; virtualenv venv
New python executable in venv/bin/python
Installing Setuptools..............................................................................................................................................................................................................................done.
Installing Pip.....................................................................................................................................................................................................................................................................................................................................done.
$> venv/bin/python setup.py install
/usr/lib/python2.7/distutils/dist.py:267: UserWarning: Unknown distribution option: 'install_requires'
warnings.warn(msg)
running install
running build
running build_py
running build_scripts
running install_lib
creating /home/yoh/proj/misc/ansible/venv/lib/python2.7/site-packages/ansible
...
running install_scripts
copying build/scripts-2.7/ansible-doc -> /home/yoh/proj/misc/ansible/venv/bin
copying build/scripts-2.7/ansible-vault -> /home/yoh/proj/misc/ansible/venv/bin
copying build/scripts-2.7/ansible -> /home/yoh/proj/misc/ansible/venv/bin
copying build/scripts-2.7/ansible-pull -> /home/yoh/proj/misc/ansible/venv/bin
copying build/scripts-2.7/ansible-playbook -> /home/yoh/proj/misc/ansible/venv/bin
copying build/scripts-2.7/ansible-galaxy -> /home/yoh/proj/misc/ansible/venv/bin
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible-doc to 755
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible-vault to 755
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible to 755
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible-pull to 755
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible-playbook to 755
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible-galaxy to 755
running install_data
copying ./library/utilities/accelerate -> /usr/share/ansible/utilities
error: could not delete '/usr/share/ansible/utilities/accelerate': Permission denied"><pre class="notranslate"><code class="notranslate">$> mkdir venv; virtualenv venv
New python executable in venv/bin/python
Installing Setuptools..............................................................................................................................................................................................................................done.
Installing Pip.....................................................................................................................................................................................................................................................................................................................................done.
$> venv/bin/python setup.py install
/usr/lib/python2.7/distutils/dist.py:267: UserWarning: Unknown distribution option: 'install_requires'
warnings.warn(msg)
running install
running build
running build_py
running build_scripts
running install_lib
creating /home/yoh/proj/misc/ansible/venv/lib/python2.7/site-packages/ansible
...
running install_scripts
copying build/scripts-2.7/ansible-doc -> /home/yoh/proj/misc/ansible/venv/bin
copying build/scripts-2.7/ansible-vault -> /home/yoh/proj/misc/ansible/venv/bin
copying build/scripts-2.7/ansible -> /home/yoh/proj/misc/ansible/venv/bin
copying build/scripts-2.7/ansible-pull -> /home/yoh/proj/misc/ansible/venv/bin
copying build/scripts-2.7/ansible-playbook -> /home/yoh/proj/misc/ansible/venv/bin
copying build/scripts-2.7/ansible-galaxy -> /home/yoh/proj/misc/ansible/venv/bin
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible-doc to 755
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible-vault to 755
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible to 755
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible-pull to 755
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible-playbook to 755
changing mode of /home/yoh/proj/misc/ansible/venv/bin/ansible-galaxy to 755
running install_data
copying ./library/utilities/accelerate -> /usr/share/ansible/utilities
error: could not delete '/usr/share/ansible/utilities/accelerate': Permission denied
</code></pre></div>
<p dir="auto">still tries to deal with '/usr/share'</p>
<h5 dir="auto">Steps To Reproduce:</h5>
<p dir="auto">see above</p> | <h5 dir="auto">Issue Type:</h5>
<p dir="auto">Bug Report</p>
<h5 dir="auto">Ansible Version:</h5>
<p dir="auto">ansible 1.4.5</p>
<h5 dir="auto">Environment:</h5>
<p dir="auto">Debian 7</p>
<h5 dir="auto">Summary:</h5>
<p dir="auto">Role vars and role defaults are not available in <code class="notranslate">hostvars</code>.</p>
<h5 dir="auto">Steps To Reproduce:</h5>
<p dir="auto">Consider host <code class="notranslate">a</code> in group <code class="notranslate">appservers</code>. If host <code class="notranslate">a</code> has role <code class="notranslate">foo</code> and this role has some variable in <code class="notranslate">roles/foo/defaults/main.yml</code> or <code class="notranslate">roles/foo/vars/main.yml</code> then this role is not available in <code class="notranslate">hostvars</code> during the following iteration:</p>
<div class="highlight highlight-text-html-django notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="{% for host in groups['appservers'] %}
{{ hostvars[host]|to_nice_json }}
{% endfor %}"><pre class="notranslate"><span class="pl-e">{%</span> <span class="pl-k">for</span> <span class="pl-s">host</span> <span class="pl-k">in</span> <span class="pl-s">groups</span>[<span class="pl-s">'appservers'</span>] <span class="pl-e">%}</span>
{{ hostvars[hos<span class="pl-smi">t]</span>|to_nice_json }}
<span class="pl-e">{%</span> <span class="pl-k">endfor</span> <span class="pl-e">%}</span></pre></div>
<h5 dir="auto">Expected Results:</h5>
<p dir="auto">Variable is available in hostvars</p>
<h5 dir="auto">Actual Results:</h5>
<p dir="auto">Variable is missing in hostvars</p> | 0 |
<ul dir="auto">
<li>VSCode Version:</li>
<li>OS Version:</li>
</ul>
<p dir="auto">Steps to Reproduce:</p>
<p dir="auto">Am not getting suggestion for css class. Also there should be a way to the code snippets from one to other when am comparing 2 files</p> | <p dir="auto">The style links are set in my MVC masterpage _Layouts:</p>
<p dir="auto">VSCode does not 'see' any styles.</p>
<p dir="auto">Is there a way around this?</p> | 1 |
<p dir="auto">Both type and value parameters. This compiles just fine, short of the unused-variable warnings:</p>
<div class="highlight highlight-source-rust notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="fn f<T, T>(t: T, t: T) {}"><pre class="notranslate"><span class="pl-k">fn</span> <span class="pl-en">f</span><span class="pl-kos"><</span><span class="pl-smi">T</span><span class="pl-kos">,</span> <span class="pl-smi">T</span><span class="pl-kos">></span><span class="pl-kos">(</span><span class="pl-s1">t</span><span class="pl-kos">:</span> <span class="pl-smi">T</span><span class="pl-kos">,</span> <span class="pl-s1">t</span><span class="pl-kos">:</span> <span class="pl-smi">T</span><span class="pl-kos">)</span> <span class="pl-kos">{</span><span class="pl-kos">}</span></pre></div>
<p dir="auto">That seems like a fairly useless feature, I imagine people would only ever do this by accident and then get fairly confused about why the "wrong" parameter is being used, if they somehow don't run into type errors. So I am posting this here in the hope it is a bug and not something that needs an RFC to be fixed.</p>
<p dir="auto">This is half a duplicate of <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="38698708" data-permission-text="Title is private" data-url="https://github.com/rust-lang/rust/issues/15969" data-hovercard-type="issue" data-hovercard-url="/rust-lang/rust/issues/15969/hovercard" href="https://github.com/rust-lang/rust/issues/15969">#15969</a> but not a duplicate of the issue that is a duplicate of, imo.</p> | <p dir="auto">Currently the <code class="notranslate">crate-file-name</code> flag to the compiler can return more than one name if a build is made against a different crate type than the library defines. For instance if the crate type is set to <code class="notranslate">lib</code> it will generate an rlib, even if <code class="notranslate">--crate-type=dylib</code> is defined. This obviously is not a fault of the <code class="notranslate">--crate-file-name</code> parameter but the compiler itself in that it does not override the default crate type but append it to the list of things to build.</p>
<p dir="auto">The reason this is frustrating is because <code class="notranslate">--crate-file-name</code> is very useful for building makefiles but it becomes much more complicated to manage if a target can produce more than one output file.</p> | 0 |
<p dir="auto">This <em>may</em> be a duplicate of <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="138196002" data-permission-text="Title is private" data-url="https://github.com/microsoft/TypeScript/issues/7368" data-hovercard-type="issue" data-hovercard-url="/microsoft/TypeScript/issues/7368/hovercard" href="https://github.com/microsoft/TypeScript/issues/7368">#7368</a>, but since that bug involves (external) modules and this one just involves namespaces (or internal modules), I figured I would report it.</p>
<p dir="auto">Given a namespace <code class="notranslate">X</code>, if you have <code class="notranslate">import Y = X</code> and also declare a variable <code class="notranslate">X</code>, TypeScript thinks that <code class="notranslate">Y</code> is the variable <code class="notranslate">X</code>. For example, my angular.d.ts has:</p>
<div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="declare var angular: angular.IAngularStatic;
import ng = angular;
declare namespace angular {
..."><pre class="notranslate"><span class="pl-k">declare</span> <span class="pl-k">var</span> <span class="pl-s1">angular</span>: <span class="pl-s1">angular</span><span class="pl-kos">.</span><span class="pl-smi">IAngularStatic</span><span class="pl-kos">;</span>
<span class="pl-k">import</span> <span class="pl-s1">ng</span> <span class="pl-c1">=</span> <span class="pl-s1">angular</span><span class="pl-kos">;</span>
<span class="pl-k">declare</span> <span class="pl-k">namespace</span> <span class="pl-s1">angular</span> <span class="pl-kos">{</span>
...</pre></div>
<p dir="auto">Now when I call a member of IAngularStatic on <code class="notranslate">ng</code>, I get no compile error, e.g.</p>
<div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="let copy = ng.copy(item);"><pre class="notranslate"><span class="pl-k">let</span> <span class="pl-s1">copy</span> <span class="pl-c1">=</span> <span class="pl-s1">ng</span><span class="pl-kos">.</span><span class="pl-en">copy</span><span class="pl-kos">(</span><span class="pl-s1">item</span><span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div>
<p dir="auto">compiles fine, but of course I get an error at runtime because <code class="notranslate">ng</code> does not exist.</p>
<p dir="auto">This is with TypeScript 1.8</p> | <p dir="auto">Hi there,</p>
<p dir="auto">Not sure whether this has been already mentioned before (I would be surpirsed if it never was)... Wouldn't it be a good idea to name arrow functions, which is what apparently ES6 does?. Think about the benefits of this in the stacktrace. It's quite useful to have a "named" function in there, instead of an anonymous one ;-)</p>
<p dir="auto">So, this:</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="const double = x => x * 2;"><pre class="notranslate"><span class="pl-k">const</span> <span class="pl-en">double</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span> <span class="pl-c1">=></span> <span class="pl-s1">x</span> <span class="pl-c1">*</span> <span class="pl-c1">2</span><span class="pl-kos">;</span></pre></div>
<p dir="auto">would be transpiled down to:</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="var double = function double(x) {
return x * 2;
};"><pre class="notranslate"><span class="pl-k">var</span> <span class="pl-en">double</span> <span class="pl-c1">=</span> <span class="pl-k">function</span> <span class="pl-en">double</span><span class="pl-kos">(</span><span class="pl-s1">x</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-k">return</span> <span class="pl-s1">x</span> <span class="pl-c1">*</span> <span class="pl-c1">2</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span><span class="pl-kos">;</span></pre></div>
<p dir="auto">Just to mention that Babel does it like that ;-)</p>
<p dir="auto">Thanks.</p> | 0 |
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have searched the <a href="https://github.com/apache/incubator-dubbo/issues">issues</a> of this repository and believe that this is not a duplicate.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have checked the <a href="https://github.com/apache/incubator-dubbo/blob/master/FAQ.md">FAQ</a> of this repository and believe that this is not a duplicate.</li>
</ul>
<h3 dir="auto">Environment</h3>
<ul dir="auto">
<li>Dubbo version: 2.5.x, 2.6.x</li>
<li>Operating System version: windows 7</li>
<li>Java version: jdk1.7,jdk1.8</li>
</ul>
<h3 dir="auto">Steps to reproduce this issue</h3>
<ol dir="auto">
<li>String convert to java.sql.Time</li>
<li>String convert to java.sql.Date</li>
<li>String convert to java.sql.Timestamp</li>
</ol>
<h3 dir="auto">Expected Result</h3>
<p dir="auto">The Convert is successful and you can get the object of the converted type.</p>
<h3 dir="auto">Actual Result</h3>
<p dir="auto">Conversion failed.</p>
<p dir="auto">When the interface is called by 'jmeter-plugin-dubbo', it is passed into the hashmap through a generalization call. The value in the hashmap is a Date string, and an error occurred when the server accepts a type of java.sql.timestamp |Date</p>
<p dir="auto">If there is an exception, please attach the exception trace:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="java.lang.RuntimeException: Failed to set pojo TestVo property timestamp value 2018-09-13 10:00:00(class java.lang.String), cause: argument type mismatch
at com.alibaba.dubbo.common.utils.PojoUtils.realize0(PojoUtils.java:456)
at com.alibaba.dubbo.common.utils.PojoUtils.realize(PojoUtils.java:196)
at com.alibaba.dubbo.common.utils.PojoUtils.realize(PojoUtils.java:86)
at com.alibaba.dubbo.rpc.filter.GenericFilter.invoke(GenericFilter.java:68)
at com.alibaba.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:72)
at com.alibaba.dubbo.rpc.filter.ClassLoaderFilter.invoke(ClassLoaderFilter.java:38)
at com.alibaba.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:72)
at com.alibaba.dubbo.rpc.filter.EchoFilter.invoke(EchoFilter.java:38)
at com.alibaba.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:72)
at com.alibaba.dubbo.rpc.protocol.dubbo.DubboProtocol$1.reply(DubboProtocol.java:103)
at com.alibaba.dubbo.remoting.exchange.support.header.HeaderExchangeHandler.handleRequest(HeaderExchangeHandler.java:96)
at com.alibaba.dubbo.remoting.exchange.support.header.HeaderExchangeHandler.received(HeaderExchangeHandler.java:172)
at com.alibaba.dubbo.remoting.transport.DecodeHandler.received(DecodeHandler.java:51)
at com.alibaba.dubbo.remoting.transport.dispatcher.ChannelEventRunnable.run(ChannelEventRunnable.java:80)
at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1142)
at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:617)
at java.lang.Thread.run(Thread.java:745)
Caused by: java.lang.IllegalArgumentException: argument type mismatch
at sun.reflect.NativeMethodAccessorImpl.invoke0(Native Method)
at sun.reflect.NativeMethodAccessorImpl.invoke(NativeMethodAccessorImpl.java:62)
at sun.reflect.DelegatingMethodAccessorImpl.invoke(DelegatingMethodAccessorImpl.java:43)
at java.lang.reflect.Method.invoke(Method.java:483)
at com.alibaba.dubbo.common.utils.PojoUtils.realize0(PojoUtils.java:453)
... 16 more"><pre class="notranslate"><code class="notranslate">java.lang.RuntimeException: Failed to set pojo TestVo property timestamp value 2018-09-13 10:00:00(class java.lang.String), cause: argument type mismatch
at com.alibaba.dubbo.common.utils.PojoUtils.realize0(PojoUtils.java:456)
at com.alibaba.dubbo.common.utils.PojoUtils.realize(PojoUtils.java:196)
at com.alibaba.dubbo.common.utils.PojoUtils.realize(PojoUtils.java:86)
at com.alibaba.dubbo.rpc.filter.GenericFilter.invoke(GenericFilter.java:68)
at com.alibaba.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:72)
at com.alibaba.dubbo.rpc.filter.ClassLoaderFilter.invoke(ClassLoaderFilter.java:38)
at com.alibaba.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:72)
at com.alibaba.dubbo.rpc.filter.EchoFilter.invoke(EchoFilter.java:38)
at com.alibaba.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:72)
at com.alibaba.dubbo.rpc.protocol.dubbo.DubboProtocol$1.reply(DubboProtocol.java:103)
at com.alibaba.dubbo.remoting.exchange.support.header.HeaderExchangeHandler.handleRequest(HeaderExchangeHandler.java:96)
at com.alibaba.dubbo.remoting.exchange.support.header.HeaderExchangeHandler.received(HeaderExchangeHandler.java:172)
at com.alibaba.dubbo.remoting.transport.DecodeHandler.received(DecodeHandler.java:51)
at com.alibaba.dubbo.remoting.transport.dispatcher.ChannelEventRunnable.run(ChannelEventRunnable.java:80)
at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1142)
at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:617)
at java.lang.Thread.run(Thread.java:745)
Caused by: java.lang.IllegalArgumentException: argument type mismatch
at sun.reflect.NativeMethodAccessorImpl.invoke0(Native Method)
at sun.reflect.NativeMethodAccessorImpl.invoke(NativeMethodAccessorImpl.java:62)
at sun.reflect.DelegatingMethodAccessorImpl.invoke(DelegatingMethodAccessorImpl.java:43)
at java.lang.reflect.Method.invoke(Method.java:483)
at com.alibaba.dubbo.common.utils.PojoUtils.realize0(PojoUtils.java:453)
... 16 more
</code></pre></div> | <ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have searched the <a href="https://github.com/apache/dubbo/issues">issues</a> of this repository and believe that this is not a duplicate.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have checked the <a href="https://github.com/apache/dubbo/blob/master/FAQ.md">FAQ</a> of this repository and believe that this is not a duplicate.</li>
</ul>
<h3 dir="auto">Environment</h3>
<ul dir="auto">
<li>Dubbo version: 2.7.7</li>
<li>Operating System version: centos 7.6</li>
<li>Java version: 1.8</li>
</ul>
<h3 dir="auto">Steps to reproduce this issue</h3>
<ol dir="auto">
<li>通过注册中心添加了超时设置为<br>
dubbo.consumer.timeout=180000<br>
dubbo.provider.timeout=80000</li>
<li>在服务中心看不到该服务的超时毫秒</li>
</ol>
<p dir="auto">Just put your stack trace here!</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="

"><pre class="notranslate"><code class="notranslate">

</code></pre></div> | 0 |
<p dir="auto">While metrics can be useful, some of us would prefer not to send extra data over the wire. Could you please set it to ask us if we want to send analytics on start and disable it if we say no, rather than just assuming we do?</p> | <p dir="auto">You need to leave the metrics disabled by default and then at least ask users, first time they activate the editor, whether they would allow it to be enabled.</p>
<p dir="auto">I for one will not allow spyware to run on my box, hence I disable or remove such applications, but Atom doesn't provide a clue in the application, so if someone haven't seen the FAQ, they don't know.</p>
<p dir="auto">This is a problem because Atom is then collecting data WITHOUT consent, even if it is in the FAQ and even if the user has downloaded the application.</p>
<p dir="auto">Besides, I find the whole concept of tracking users with the excuse of collecting useful data ridiculous!</p>
<p dir="auto">In the entire history of Open Source this has never been needed and users are extremely helpful in sharing information, data, and reports about bugs, how they use the application, and other stuff.</p>
<p dir="auto">The metrics package in Atom should to be removed from the default install, and then you can leave the package for anyone who want to install it by himself from the installation menu. Or as suggested, leave it OFF at first.</p>
<p dir="auto">Another important point is that Atom is NOT simply collecting statistical data! If that where the case there certainly is no need to create a SHA1 of each installation MAC address. That is NOT collecting statistical data, that is specific and individual surveillance, which is unacceptable.</p> | 1 |
<h3 dir="auto">Bug report</h3>
<div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
df = pd.DataFrame({'Depth': [0.2, 0.4, 0.4, 0.4, 0.4, 0.4, 0.6, 0.4, 3.2, 2.0],
'DateTimeUTC': [pd.Timestamp('2018-03-28 06:25:08'),
pd.Timestamp('2018-03-28 06:25:49'),
pd.Timestamp('2018-03-28 06:27:06'),
pd.Timestamp('2018-03-28 06:32:11'),
pd.Timestamp('2018-03-28 06:32:59'),
pd.Timestamp('2018-03-28 06:34:02'),
pd.Timestamp('2018-03-28 06:35:38'),
pd.Timestamp('2018-03-28 06:37:04'),
pd.Timestamp('2018-03-28 06:39:08'),
pd.Timestamp('2018-03-28 06:40:52')]})
x = np.asarray(df['DateTimeUTC'])
y = np.asarray(df['Depth'])
fig, axs = plt.subplots(2, 1)
ax = axs[0]
ax.scatter(x, y)
ax.set_title("using scatter")
ax = axs[1]
ax.plot(x, y)
ax.set_title("Using plot")
fig.tight_layout()
plt.show()"><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-s1">pandas</span> <span class="pl-k">as</span> <span class="pl-s1">pd</span>
<span class="pl-k">import</span> <span class="pl-s1">numpy</span> <span class="pl-k">as</span> <span class="pl-s1">np</span>
<span class="pl-k">import</span> <span class="pl-s1">matplotlib</span>.<span class="pl-s1">pyplot</span> <span class="pl-k">as</span> <span class="pl-s1">plt</span>
<span class="pl-s1">df</span> <span class="pl-c1">=</span> <span class="pl-s1">pd</span>.<span class="pl-v">DataFrame</span>({<span class="pl-s">'Depth'</span>: [<span class="pl-c1">0.2</span>, <span class="pl-c1">0.4</span>, <span class="pl-c1">0.4</span>, <span class="pl-c1">0.4</span>, <span class="pl-c1">0.4</span>, <span class="pl-c1">0.4</span>, <span class="pl-c1">0.6</span>, <span class="pl-c1">0.4</span>, <span class="pl-c1">3.2</span>, <span class="pl-c1">2.0</span>],
<span class="pl-s">'DateTimeUTC'</span>: [<span class="pl-s1">pd</span>.<span class="pl-v">Timestamp</span>(<span class="pl-s">'2018-03-28 06:25:08'</span>),
<span class="pl-s1">pd</span>.<span class="pl-v">Timestamp</span>(<span class="pl-s">'2018-03-28 06:25:49'</span>),
<span class="pl-s1">pd</span>.<span class="pl-v">Timestamp</span>(<span class="pl-s">'2018-03-28 06:27:06'</span>),
<span class="pl-s1">pd</span>.<span class="pl-v">Timestamp</span>(<span class="pl-s">'2018-03-28 06:32:11'</span>),
<span class="pl-s1">pd</span>.<span class="pl-v">Timestamp</span>(<span class="pl-s">'2018-03-28 06:32:59'</span>),
<span class="pl-s1">pd</span>.<span class="pl-v">Timestamp</span>(<span class="pl-s">'2018-03-28 06:34:02'</span>),
<span class="pl-s1">pd</span>.<span class="pl-v">Timestamp</span>(<span class="pl-s">'2018-03-28 06:35:38'</span>),
<span class="pl-s1">pd</span>.<span class="pl-v">Timestamp</span>(<span class="pl-s">'2018-03-28 06:37:04'</span>),
<span class="pl-s1">pd</span>.<span class="pl-v">Timestamp</span>(<span class="pl-s">'2018-03-28 06:39:08'</span>),
<span class="pl-s1">pd</span>.<span class="pl-v">Timestamp</span>(<span class="pl-s">'2018-03-28 06:40:52'</span>)]})
<span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">np</span>.<span class="pl-en">asarray</span>(<span class="pl-s1">df</span>[<span class="pl-s">'DateTimeUTC'</span>])
<span class="pl-s1">y</span> <span class="pl-c1">=</span> <span class="pl-s1">np</span>.<span class="pl-en">asarray</span>(<span class="pl-s1">df</span>[<span class="pl-s">'Depth'</span>])
<span class="pl-s1">fig</span>, <span class="pl-s1">axs</span> <span class="pl-c1">=</span> <span class="pl-s1">plt</span>.<span class="pl-en">subplots</span>(<span class="pl-c1">2</span>, <span class="pl-c1">1</span>)
<span class="pl-s1">ax</span> <span class="pl-c1">=</span> <span class="pl-s1">axs</span>[<span class="pl-c1">0</span>]
<span class="pl-s1">ax</span>.<span class="pl-en">scatter</span>(<span class="pl-s1">x</span>, <span class="pl-s1">y</span>)
<span class="pl-s1">ax</span>.<span class="pl-en">set_title</span>(<span class="pl-s">"using scatter"</span>)
<span class="pl-s1">ax</span> <span class="pl-c1">=</span> <span class="pl-s1">axs</span>[<span class="pl-c1">1</span>]
<span class="pl-s1">ax</span>.<span class="pl-en">plot</span>(<span class="pl-s1">x</span>, <span class="pl-s1">y</span>)
<span class="pl-s1">ax</span>.<span class="pl-en">set_title</span>(<span class="pl-s">"Using plot"</span>)
<span class="pl-s1">fig</span>.<span class="pl-en">tight_layout</span>()
<span class="pl-s1">plt</span>.<span class="pl-en">show</span>()</pre></div>
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/1562854/54063057-07fb9d00-41bf-11e9-87a0-71db8d6c83c8.png"><img src="https://user-images.githubusercontent.com/1562854/54063057-07fb9d00-41bf-11e9-87a0-71db8d6c83c8.png" alt="Figure_1" style="max-width: 100%;"></a></p>
<p dir="auto"><strong>Matplotlib version</strong></p>
<ul dir="auto">
<li>Matplotlib version: master</li>
</ul> | <p dir="auto">This demo:<br>
<a href="https://matplotlib.org/examples/axes_grid/demo_parasite_axes2.html" rel="nofollow">https://matplotlib.org/examples/axes_grid/demo_parasite_axes2.html</a></p>
<p dir="auto">If I copy/paste all the code from that, the output is a graph doesn't have the "Temperature" axis - neither the axis label, nor the tick labels are there.</p> | 0 |
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/347714/10540330/a0e7f868-7424-11e5-824a-9321c1ec90f3.png"><img src="https://cloud.githubusercontent.com/assets/347714/10540330/a0e7f868-7424-11e5-824a-9321c1ec90f3.png" alt="header-twice" style="max-width: 100%;"></a></p>
<p dir="auto">I often see the header displayed twice in the output area. I noticed this in HTML/CSS and Bootstrap waypoints so far.</p>
<p dir="auto">cc: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/QuincyLarson/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/QuincyLarson">@QuincyLarson</a></p> | <p dir="auto">Challenge <a href="http://www.freecodecamp.com/challenges/waypoint-line-up-form-elements-responsively-with-bootstrap" rel="nofollow">http://www.freecodecamp.com/challenges/waypoint-line-up-form-elements-responsively-with-bootstrap</a> has an issue.</p>
<p dir="auto">I think the problem is happening on all Waypoint pages; the device right side of the screen where the CatPhotoApp page displays the information is being displayed duplicated;</p>
<p dir="auto">Another point is that the HTML / CSS code is not completely displayed when the page is loaded, it is necessary to click or edit the code so that the code from the previous lesson is displayed correctly;</p>
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/8672039/9483149/cbe9f67c-4b72-11e5-9b2a-698deaa06a4e.png"><img src="https://cloud.githubusercontent.com/assets/8672039/9483149/cbe9f67c-4b72-11e5-9b2a-698deaa06a4e.png" alt="duplicate" style="max-width: 100%;"></a></p>
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/8672039/9483184/285ff19a-4b73-11e5-8601-6c5fbb58215b.png"><img src="https://cloud.githubusercontent.com/assets/8672039/9483184/285ff19a-4b73-11e5-8601-6c5fbb58215b.png" alt="lost previous code" style="max-width: 100%;"></a></p> | 1 |
<p dir="auto">When sending a <code class="notranslate">Response</code> with the Flash server, and the user provides a <code class="notranslate">Content-Length</code> header, the Flash server will add an additional <code class="notranslate">Content-Length</code> header with the content length as it calculated it, where as if the <code class="notranslate">Content-Length</code> is provided to the "native" stable server, it does not duplicate the header (I am not sure if it is overriding it or if it is just letting it pass through).</p>
<p dir="auto">It feels like the Flash server should follow the behaviour of the native stable server.</p>
<p dir="auto">Ref: <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1586206831" data-permission-text="Title is private" data-url="https://github.com/oakserver/oak/issues/587" data-hovercard-type="issue" data-hovercard-url="/oakserver/oak/issues/587/hovercard" href="https://github.com/oakserver/oak/issues/587">oakserver/oak#587</a> (I will fix it in oak by simply omitting the <code class="notranslate">content-length</code> in all cases as the servers are actually better at handling this header now)</p> | <p dir="auto">I installed deno with brew.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="$ brew install deno
...
...
Bash completion has been installed to:
/usr/local/etc/bash_completion.d
zsh completions have been installed to:
/usr/local/share/zsh/site-functions
==> Summary
🍺 /usr/local/Cellar/deno/1.0.0: 9 files, 41.7MB
$ deno --version
deno 1.0.0
v8 8.4.300
typescript 3.9.2
$ deno --help"><pre class="notranslate"><code class="notranslate">$ brew install deno
...
...
Bash completion has been installed to:
/usr/local/etc/bash_completion.d
zsh completions have been installed to:
/usr/local/share/zsh/site-functions
==> Summary
🍺 /usr/local/Cellar/deno/1.0.0: 9 files, 41.7MB
$ deno --version
deno 1.0.0
v8 8.4.300
typescript 3.9.2
$ deno --help
</code></pre></div>
<p dir="auto">After created <code class="notranslate">/usr/local/etc/zsh_completion.d/</code>:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="$ deno completions zsh > /usr/local/etc/zsh_completion.d/deno.zsh
$ source /usr/local/etc/zsh_completion.d/deno.zsh
_arguments:comparguments:325: can only be called from completion function"><pre class="notranslate"><code class="notranslate">$ deno completions zsh > /usr/local/etc/zsh_completion.d/deno.zsh
$ source /usr/local/etc/zsh_completion.d/deno.zsh
_arguments:comparguments:325: can only be called from completion function
</code></pre></div>
<p dir="auto">So how can I add shell completion?</p>
<p dir="auto">I tried this but get the same output.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="$ deno completions zsh > /usr/local/share/zsh/site-functions/_deno
$ source /usr/local/share/zsh/site-functions/_deno
_arguments:comparguments:325: can only be called from completion function"><pre class="notranslate"><code class="notranslate">$ deno completions zsh > /usr/local/share/zsh/site-functions/_deno
$ source /usr/local/share/zsh/site-functions/_deno
_arguments:comparguments:325: can only be called from completion function
</code></pre></div> | 0 |
<p dir="auto">Testcase:</p>
<div class="highlight highlight-source-rust notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="#![feature(associated_types)]
#![crate_type="lib"]
pub trait Test {
type Node;
type Iter: Iterator<Item=Self::Node>;
}"><pre class="notranslate"><span class="pl-c1">#!<span class="pl-kos">[</span>feature<span class="pl-kos">(</span>associated_types<span class="pl-kos">)</span><span class="pl-kos">]</span></span>
<span class="pl-c1">#!<span class="pl-kos">[</span>crate_type=<span class="pl-s">"lib"</span><span class="pl-kos">]</span></span>
<span class="pl-k">pub</span> <span class="pl-k">trait</span> <span class="pl-smi">Test</span> <span class="pl-kos">{</span>
<span class="pl-k">type</span> <span class="pl-smi">Node</span><span class="pl-kos">;</span>
<span class="pl-k">type</span> <span class="pl-smi">Iter</span><span class="pl-kos">:</span> <span class="pl-smi">Iterator</span><span class="pl-kos"><</span><span class="pl-smi">Item</span>=<span class="pl-smi">Self</span><span class="pl-kos">::</span><span class="pl-smi">Node</span><span class="pl-kos">></span><span class="pl-kos">;</span>
<span class="pl-kos">}</span></pre></div>
<p dir="auto">ICE:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="error: internal compiler error: unexpected panic
note: the compiler unexpectedly panicked. this is a bug.
note: we would appreciate a bug report: http://doc.rust-lang.org/complement-bugreport.html
note: run with `RUST_BACKTRACE=1` for a backtrace
thread 'rustc' panicked at 'assertion failed: did.krate != ast::LOCAL_CRATE', /home/rustbuild/src/rust-buildbot/slave/nightly-dist-rustc-linux/build/src/librustc/middle/ty.rs:5429
stack backtrace:
1: 0x7fcf3fdbc2d0 - sys::backtrace::write::h8532e701ef86014f4it
2: 0x7fcf3fde1b00 - failure::on_fail::h7532e1f79d134d5dzvz
3: 0x7fcf3fd471c0 - rt::unwind::begin_unwind_inner::h97b151606151d62deaz
4: 0x7fcf3dd889e0 - rt::unwind::begin_unwind::h51822373508492588
5: 0x7fcf3e1254a0 - middle::ty::lookup_trait_def::h03e4deaeef63a30dbJ8
6: 0x7fcf3f42fa00 - astconv::trait_defines_associated_type_named::had5db55e34b01255d8r
7: 0x7fcf3f43ecf0 - astconv::associated_path_def_to_ty::hc84b3dad34a6beb7y3r
8: 0x7fcf3f510a70 - astconv::ast_ty_to_ty::unboxed_closure.36573
9: 0x7fcf3f50ff00 - astconv::ast_ty_to_ty::h9742186571356203849
10: 0x7fcf3f52cc20 - vec::Vec<T>.FromIterator<T>::from_iter::h3042184163872248324
11: 0x7fcf3f53a500 - astconv::instantiate_poly_trait_ref::h5037713284232952206
12: 0x7fcf3f53a2c0 - vec::Vec<T>.FromIterator<T>::from_iter::h16052932742123044349
13: 0x7fcf3f5880b0 - collect::conv_param_bounds::h6119870663778270976
14: 0x7fcf3f5b8760 - collect::ty_generics_for_trait::predicates_for_associated_types::unboxed_closure.38348
15: 0x7fcf3f5b80c0 - vec::Vec<T>.FromIterator<T>::from_iter::h16559678602879155701
16: 0x7fcf3f582dc0 - collect::ty_generics_for_trait::h3bec9bdd99c50c92L6t
17: 0x7fcf3f4ed530 - collect::trait_def_of_item::h4615ec192a82cc79FSt
18: 0x7fcf3f4eafc0 - collect::CollectTraitDefVisitor<'a, 'tcx>.visit..Visitor<'v>::visit_item::hdba3ee6263b30487m6s
19: 0x7fcf3f5f1dd0 - check_crate::unboxed_closure.40065
20: 0x7fcf3f5efc30 - check_crate::h19fb6dea5733566ajsx
21: 0x7fcf4030d640 - driver::phase_3_run_analysis_passes::h46b1604d9f9f5633Tva
22: 0x7fcf402fbae0 - driver::compile_input::h68b8602933aad8d7wba
23: 0x7fcf403c6eb0 - thunk::F.Invoke<A, R>::invoke::h18029802347644288836
24: 0x7fcf403c5c60 - rt::unwind::try::try_fn::h6518866316425934196
25: 0x7fcf3fe48400 - rust_try_inner
26: 0x7fcf3fe483f0 - rust_try
27: 0x7fcf403c5fb0 - thunk::F.Invoke<A, R>::invoke::h15513809553472565307
28: 0x7fcf3fdcde40 - sys::thread::thread_start::h5ea7ba97235331d5a9v
29: 0x7fcf3a439fe0 - start_thread
30: 0x7fcf3f9f5c99 - __clone
31: 0x0 - <unknown>"><pre class="notranslate"><code class="notranslate">error: internal compiler error: unexpected panic
note: the compiler unexpectedly panicked. this is a bug.
note: we would appreciate a bug report: http://doc.rust-lang.org/complement-bugreport.html
note: run with `RUST_BACKTRACE=1` for a backtrace
thread 'rustc' panicked at 'assertion failed: did.krate != ast::LOCAL_CRATE', /home/rustbuild/src/rust-buildbot/slave/nightly-dist-rustc-linux/build/src/librustc/middle/ty.rs:5429
stack backtrace:
1: 0x7fcf3fdbc2d0 - sys::backtrace::write::h8532e701ef86014f4it
2: 0x7fcf3fde1b00 - failure::on_fail::h7532e1f79d134d5dzvz
3: 0x7fcf3fd471c0 - rt::unwind::begin_unwind_inner::h97b151606151d62deaz
4: 0x7fcf3dd889e0 - rt::unwind::begin_unwind::h51822373508492588
5: 0x7fcf3e1254a0 - middle::ty::lookup_trait_def::h03e4deaeef63a30dbJ8
6: 0x7fcf3f42fa00 - astconv::trait_defines_associated_type_named::had5db55e34b01255d8r
7: 0x7fcf3f43ecf0 - astconv::associated_path_def_to_ty::hc84b3dad34a6beb7y3r
8: 0x7fcf3f510a70 - astconv::ast_ty_to_ty::unboxed_closure.36573
9: 0x7fcf3f50ff00 - astconv::ast_ty_to_ty::h9742186571356203849
10: 0x7fcf3f52cc20 - vec::Vec<T>.FromIterator<T>::from_iter::h3042184163872248324
11: 0x7fcf3f53a500 - astconv::instantiate_poly_trait_ref::h5037713284232952206
12: 0x7fcf3f53a2c0 - vec::Vec<T>.FromIterator<T>::from_iter::h16052932742123044349
13: 0x7fcf3f5880b0 - collect::conv_param_bounds::h6119870663778270976
14: 0x7fcf3f5b8760 - collect::ty_generics_for_trait::predicates_for_associated_types::unboxed_closure.38348
15: 0x7fcf3f5b80c0 - vec::Vec<T>.FromIterator<T>::from_iter::h16559678602879155701
16: 0x7fcf3f582dc0 - collect::ty_generics_for_trait::h3bec9bdd99c50c92L6t
17: 0x7fcf3f4ed530 - collect::trait_def_of_item::h4615ec192a82cc79FSt
18: 0x7fcf3f4eafc0 - collect::CollectTraitDefVisitor<'a, 'tcx>.visit..Visitor<'v>::visit_item::hdba3ee6263b30487m6s
19: 0x7fcf3f5f1dd0 - check_crate::unboxed_closure.40065
20: 0x7fcf3f5efc30 - check_crate::h19fb6dea5733566ajsx
21: 0x7fcf4030d640 - driver::phase_3_run_analysis_passes::h46b1604d9f9f5633Tva
22: 0x7fcf402fbae0 - driver::compile_input::h68b8602933aad8d7wba
23: 0x7fcf403c6eb0 - thunk::F.Invoke<A, R>::invoke::h18029802347644288836
24: 0x7fcf403c5c60 - rt::unwind::try::try_fn::h6518866316425934196
25: 0x7fcf3fe48400 - rust_try_inner
26: 0x7fcf3fe483f0 - rust_try
27: 0x7fcf403c5fb0 - thunk::F.Invoke<A, R>::invoke::h15513809553472565307
28: 0x7fcf3fdcde40 - sys::thread::thread_start::h5ea7ba97235331d5a9v
29: 0x7fcf3a439fe0 - start_thread
30: 0x7fcf3f9f5c99 - __clone
31: 0x0 - <unknown>
</code></pre></div>
<p dir="auto">rustc version:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="rustc 0.13.0-nightly (c6c786671 2015-01-04 00:50:59 +0000)
binary: rustc
commit-hash: c6c786671d692d7b13c2e5c68a53001327b4b125
commit-date: 2015-01-04 00:50:59 +0000
host: x86_64-unknown-linux-gnu
release: 0.13.0-nightl"><pre class="notranslate"><code class="notranslate">rustc 0.13.0-nightly (c6c786671 2015-01-04 00:50:59 +0000)
binary: rustc
commit-hash: c6c786671d692d7b13c2e5c68a53001327b4b125
commit-date: 2015-01-04 00:50:59 +0000
host: x86_64-unknown-linux-gnu
release: 0.13.0-nightl
</code></pre></div> | <p dir="auto">It actually happens even if you take out the <code class="notranslate">type T</code> but I figured that would be too confusing of a testcase.</p>
<div class="highlight highlight-source-rust notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="#![feature(associated_types)]
pub trait Foo {
type T;
type S: Bar<Self::T>;
}
pub trait Bar<T> {}"><pre class="notranslate"><span class="pl-c1">#!<span class="pl-kos">[</span>feature<span class="pl-kos">(</span>associated_types<span class="pl-kos">)</span><span class="pl-kos">]</span></span>
<span class="pl-k">pub</span> <span class="pl-k">trait</span> <span class="pl-smi">Foo</span> <span class="pl-kos">{</span>
<span class="pl-k">type</span> <span class="pl-smi">T</span><span class="pl-kos">;</span>
<span class="pl-k">type</span> <span class="pl-smi">S</span><span class="pl-kos">:</span> <span class="pl-smi">Bar</span><span class="pl-kos"><</span><span class="pl-smi">Self</span><span class="pl-kos">::</span><span class="pl-smi">T</span><span class="pl-kos">></span><span class="pl-kos">;</span>
<span class="pl-kos">}</span>
<span class="pl-k">pub</span> <span class="pl-k">trait</span> <span class="pl-smi">Bar</span><span class="pl-kos"><</span><span class="pl-smi">T</span><span class="pl-kos">></span> <span class="pl-kos">{</span><span class="pl-kos">}</span></pre></div>
<div class="highlight highlight-text-shell-session notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="error: internal compiler error: unexpected panic
note: the compiler unexpectedly panicked. this is a bug.
note: we would appreciate a bug report: http://doc.rust-lang.org/complement-bugreport.html
note: run with `RUST_BACKTRACE=1` for a backtrace
thread 'rustc' panicked at 'no entry found for key', /Users/rustbuild/src/rust-buildbot/slave/nightly-mac/build/src/libcore/option.rs:329
stack backtrace:
1: 0x1078c7c38 - sys::backtrace::write::h329291c3ffa2342c0Jt
2: 0x1078e8a03 - failure::on_fail::h17e4ace9633d727be0z
3: 0x107854c3a - rt::unwind::begin_unwind_inner::h190be063817ae06eFHz
4: 0x10785915d - rt::unwind::begin_unwind_fmt::hc68ebd2b3de4118e2Ez
5: 0x1078e8302 - rust_begin_unwind
6: 0x107935d0c - panicking::panic_fmt::h6d9a452b0d084e9dLkl
7: 0x1046960b9 - collections::hash::map::HashMap<K,$u{20}V$C$$u{20}H$GT$.Index$LT$Q$C$$u{20}V$GT$::index::h4548773097338651390
8: 0x104756a96 - astconv::ast_ty_to_ty::unboxed_closure.36753
9: 0x104755323 - astconv::ast_ty_to_ty::h3464216238889989760
10: 0x10475497c - iter::IteratorExt::collect::h1178474147849539242
11: 0x104862cf1 - astconv::ast_path_to_trait_ref::h12290017992957141453
12: 0x1048625e6 - astconv::instantiate_poly_trait_ref::h3434886886043991751
13: 0x104862350 - vec::Vec<T>.FromIterator<T>::from_iter::h6759705047736047902
14: 0x1048c987d - collect::compute_bounds::h9074989142750734463
15: 0x104860e9b - collect::ty_generics_for_trait::ha23d00f7844cb7b4quv
16: 0x1047321ee - collect::trait_def_of_item::h2e00c54b47ce1f2cgdv
17: 0x10472ed30 - collect::CollectTraitDefVisitor<$u{27}a$C$$u{20}$u{27}tcx$GT$.visit..Visitor$LT$$u{27}v$GT$::visit_item::h913166666a1bcfc7dSt
18: 0x10492237f - check_crate::unboxed_closure.43401
19: 0x10492048a - check_crate::hcab218417b8f1f7f51y
20: 0x103ff9113 - driver::phase_3_run_analysis_passes::hb0ac12e829cd00e7Jta
21: 0x103fdaffe - driver::compile_input::hdcb29128a43ec322wba
22: 0x10417aff8 - thunk::Thunk<(*,$u{20}R$GT$::new::unboxed_closure.30336
23: 0x104179038 - thunk::F.Invoke<A,$u{20}R$GT$::invoke::h12480167585331118411
24: 0x1041777d9 - rt::unwind::try::try_fn::h9666833473335668351
25: 0x107950669 - rust_try_inner
26: 0x107950656 - rust_try
27: 0x104177ed7 - thunk::F.Invoke<A,$u{20}R$GT$::invoke::h4838524648863172491
28: 0x1078d7c24 - sys::thread::thread_start::h7394d69fbc5b85e9vFw
29: 0x7fff8115e899 - _pthread_body
30: 0x7fff8115e72a - _pthread_struct_init"><pre class="notranslate"><span class="pl-c1">error: internal compiler error: unexpected panic</span>
<span class="pl-c1">note: the compiler unexpectedly panicked. this is a bug.</span>
<span class="pl-c1">note: we would appreciate a bug report: http://doc.rust-lang.org/complement-bugreport.html</span>
<span class="pl-c1">note: run with `RUST_BACKTRACE=1` for a backtrace</span>
<span class="pl-c1">thread 'rustc' panicked at 'no entry found for key', /Users/rustbuild/src/rust-buildbot/slave/nightly-mac/build/src/libcore/option.rs:329</span>
<span class="pl-c1">stack backtrace:</span>
<span class="pl-c1"> 1: 0x1078c7c38 - sys::backtrace::write::h329291c3ffa2342c0Jt</span>
<span class="pl-c1"> 2: 0x1078e8a03 - failure::on_fail::h17e4ace9633d727be0z</span>
<span class="pl-c1"> 3: 0x107854c3a - rt::unwind::begin_unwind_inner::h190be063817ae06eFHz</span>
<span class="pl-c1"> 4: 0x10785915d - rt::unwind::begin_unwind_fmt::hc68ebd2b3de4118e2Ez</span>
<span class="pl-c1"> 5: 0x1078e8302 - rust_begin_unwind</span>
<span class="pl-c1"> 6: 0x107935d0c - panicking::panic_fmt::h6d9a452b0d084e9dLkl</span>
<span class="pl-c1"> 7: 0x1046960b9 - collections::hash::map::HashMap<K,$u{20}V$C$$u{20}H$GT$.Index$LT$Q$C$$u{20}V$GT$::index::h4548773097338651390</span>
<span class="pl-c1"> 8: 0x104756a96 - astconv::ast_ty_to_ty::unboxed_closure.36753</span>
<span class="pl-c1"> 9: 0x104755323 - astconv::ast_ty_to_ty::h3464216238889989760</span>
<span class="pl-c1"> 10: 0x10475497c - iter::IteratorExt::collect::h1178474147849539242</span>
<span class="pl-c1"> 11: 0x104862cf1 - astconv::ast_path_to_trait_ref::h12290017992957141453</span>
<span class="pl-c1"> 12: 0x1048625e6 - astconv::instantiate_poly_trait_ref::h3434886886043991751</span>
<span class="pl-c1"> 13: 0x104862350 - vec::Vec<T>.FromIterator<T>::from_iter::h6759705047736047902</span>
<span class="pl-c1"> 14: 0x1048c987d - collect::compute_bounds::h9074989142750734463</span>
<span class="pl-c1"> 15: 0x104860e9b - collect::ty_generics_for_trait::ha23d00f7844cb7b4quv</span>
<span class="pl-c1"> 16: 0x1047321ee - collect::trait_def_of_item::h2e00c54b47ce1f2cgdv</span>
<span class="pl-c1"> 17: 0x10472ed30 - collect::CollectTraitDefVisitor<$u{27}a$C$$u{20}$u{27}tcx$GT$.visit..Visitor$LT$$u{27}v$GT$::visit_item::h913166666a1bcfc7dSt</span>
<span class="pl-c1"> 18: 0x10492237f - check_crate::unboxed_closure.43401</span>
<span class="pl-c1"> 19: 0x10492048a - check_crate::hcab218417b8f1f7f51y</span>
<span class="pl-c1"> 20: 0x103ff9113 - driver::phase_3_run_analysis_passes::hb0ac12e829cd00e7Jta</span>
<span class="pl-c1"> 21: 0x103fdaffe - driver::compile_input::hdcb29128a43ec322wba</span>
<span class="pl-c1"> 22: 0x10417aff8 - thunk::Thunk<(*,$u{20}R$GT$::new::unboxed_closure.30336</span>
<span class="pl-c1"> 23: 0x104179038 - thunk::F.Invoke<A,$u{20}R$GT$::invoke::h12480167585331118411</span>
<span class="pl-c1"> 24: 0x1041777d9 - rt::unwind::try::try_fn::h9666833473335668351</span>
<span class="pl-c1"> 25: 0x107950669 - rust_try_inner</span>
<span class="pl-c1"> 26: 0x107950656 - rust_try</span>
<span class="pl-c1"> 27: 0x104177ed7 - thunk::F.Invoke<A,$u{20}R$GT$::invoke::h4838524648863172491</span>
<span class="pl-c1"> 28: 0x1078d7c24 - sys::thread::thread_start::h7394d69fbc5b85e9vFw</span>
<span class="pl-c1"> 29: 0x7fff8115e899 - _pthread_body</span>
<span class="pl-c1"> 30: 0x7fff8115e72a - _pthread_struct_init</span></pre></div> | 1 |
<ol dir="auto">
<li>Navigate to <a href="http://doc.rust-lang.org/std/macro.format!.html" rel="nofollow">http://doc.rust-lang.org/std/macro.format!.html</a></li>
<li>Click <code class="notranslate">[src]</code></li>
<li>Browser navigates to broken link: <a href="http://doc.rust-lang.org/src/std/%3Ccore_collections%20macros%3E.html#1-2" rel="nofollow">http://doc.rust-lang.org/src/std/%3Ccore_collections%20macros%3E.html#1-2</a></li>
</ol> | <p dir="auto">Step 1: Visit <a href="http://doc.rust-lang.org/std/macro.assert_eq!.html" rel="nofollow">http://doc.rust-lang.org/std/macro.assert_eq!.html</a><br>
Step 2: Click Link [src]</p>
<p dir="auto">Page should link to <a href="http://doc.rust-lang.org/src/core/macros.rs.html#80-93" rel="nofollow">http://doc.rust-lang.org/src/core/macros.rs.html#80-93</a>, but instead links to <a href="http://doc.rust-lang.org/src/std/%3Ccore%20macros%3E.html#1-9" rel="nofollow">http://doc.rust-lang.org/src/std/%3Ccore%20macros%3E.html#1-9</a></p>
<p dir="auto">Suggested label A-Docs A-Rustdoc</p> | 1 |
<p dir="auto">Support for weights in <code class="notranslate">percentile</code> would be nice to have. A quick look suggests <a href="https://github.com/nudomarinero/wquantiles">https://github.com/nudomarinero/wquantiles</a>; I'd be happy to make a PR out of this implementation if there's interest.</p> | <p dir="auto">For our work we frequently need to compute weighted quantiles. This is especially important when we need to weigh data from recent years more heavily in making predictions.</p>
<p dir="auto">I've put together a function (called <code class="notranslate">weighted_quantile</code>) largely based on the source code of <code class="notranslate">np.percentile</code>. It allows one to input weights along a single dimension, as a dict <code class="notranslate">w_dict</code>. Below are some manual tests, using <code class="notranslate">xarray</code> as starting point:</p>
<p dir="auto">When all weights = 1, it's identical to using <code class="notranslate">np.percentile</code>:</p>
<div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=">>> ar0
<xarray.DataArray (x: 3, y: 4)>
array([[3, 4, 8, 1],
[5, 3, 7, 9],
[4, 9, 6, 2]])
Coordinates:
* x (x) |S1 'a' 'b' 'c'
* y (y) int64 0 1 2 3
>>> np.percentile(ar0, q=[25, 50, 75], axis=-1)
array([[ 2.5 , 4.5 , 3.5 ],
[ 3.5 , 6. , 5. ],
[ 5. , 7.5 , 6.75]])
>>> weighted_quantile(da=ar0, q=[0.25, 0.5, 0.75], dim='y', w_dict={'y': [1,1,1,1]})
<xarray.DataArray (quantile: 3, x: 3)>
array([[ 2.5 , 4.5 , 3.5 ],
[ 3.5 , 6. , 5. ],
[ 5. , 7.5 , 6.75]])
Coordinates:
* x (x) |S1 'a' 'b' 'c'
* quantile (quantile) float64 0.25 0.5 0.75"><pre class="notranslate"><span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-s1">ar0</span>
<span class="pl-c1"><</span><span class="pl-s1">xarray</span>.<span class="pl-v">DataArray</span> (<span class="pl-s1">x</span>: <span class="pl-c1">3</span>, <span class="pl-s1">y</span>: <span class="pl-c1">4</span>)<span class="pl-c1">></span>
<span class="pl-en">array</span>([[<span class="pl-c1">3</span>, <span class="pl-c1">4</span>, <span class="pl-c1">8</span>, <span class="pl-c1">1</span>],
[<span class="pl-c1">5</span>, <span class="pl-c1">3</span>, <span class="pl-c1">7</span>, <span class="pl-c1">9</span>],
[<span class="pl-c1">4</span>, <span class="pl-c1">9</span>, <span class="pl-c1">6</span>, <span class="pl-c1">2</span>]])
<span class="pl-v">Coordinates</span>:
<span class="pl-c1">*</span> <span class="pl-en">x</span> (<span class="pl-s1">x</span>) <span class="pl-c1">|</span><span class="pl-v">S1</span> <span class="pl-s">'a'</span> <span class="pl-s">'b'</span> <span class="pl-s">'c'</span>
<span class="pl-c1">*</span> <span class="pl-en">y</span> (<span class="pl-s1">y</span>) <span class="pl-s1">int64</span> <span class="pl-c1">0</span> <span class="pl-c1">1</span> <span class="pl-c1">2</span> <span class="pl-c1">3</span>
<span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-s1">np</span>.<span class="pl-en">percentile</span>(<span class="pl-s1">ar0</span>, <span class="pl-s1">q</span><span class="pl-c1">=</span>[<span class="pl-c1">25</span>, <span class="pl-c1">50</span>, <span class="pl-c1">75</span>], <span class="pl-s1">axis</span><span class="pl-c1">=</span><span class="pl-c1">-</span><span class="pl-c1">1</span>)
<span class="pl-en">array</span>([[ <span class="pl-c1">2.5</span> , <span class="pl-c1">4.5</span> , <span class="pl-c1">3.5</span> ],
[ <span class="pl-c1">3.5</span> , <span class="pl-c1">6.</span> , <span class="pl-c1">5.</span> ],
[ <span class="pl-c1">5.</span> , <span class="pl-c1">7.5</span> , <span class="pl-c1">6.75</span>]])
<span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-en">weighted_quantile</span>(<span class="pl-s1">da</span><span class="pl-c1">=</span><span class="pl-s1">ar0</span>, <span class="pl-s1">q</span><span class="pl-c1">=</span>[<span class="pl-c1">0.25</span>, <span class="pl-c1">0.5</span>, <span class="pl-c1">0.75</span>], <span class="pl-s1">dim</span><span class="pl-c1">=</span><span class="pl-s">'y'</span>, <span class="pl-s1">w_dict</span><span class="pl-c1">=</span>{<span class="pl-s">'y'</span>: [<span class="pl-c1">1</span>,<span class="pl-c1">1</span>,<span class="pl-c1">1</span>,<span class="pl-c1">1</span>]})
<span class="pl-c1"><</span><span class="pl-s1">xarray</span>.<span class="pl-v">DataArray</span> (<span class="pl-s1">quantile</span>: <span class="pl-c1">3</span>, <span class="pl-s1">x</span>: <span class="pl-c1">3</span>)<span class="pl-c1">></span>
<span class="pl-en">array</span>([[ <span class="pl-c1">2.5</span> , <span class="pl-c1">4.5</span> , <span class="pl-c1">3.5</span> ],
[ <span class="pl-c1">3.5</span> , <span class="pl-c1">6.</span> , <span class="pl-c1">5.</span> ],
[ <span class="pl-c1">5.</span> , <span class="pl-c1">7.5</span> , <span class="pl-c1">6.75</span>]])
<span class="pl-v">Coordinates</span>:
<span class="pl-c1">*</span> <span class="pl-en">x</span> (<span class="pl-s1">x</span>) <span class="pl-c1">|</span><span class="pl-v">S1</span> <span class="pl-s">'a'</span> <span class="pl-s">'b'</span> <span class="pl-s">'c'</span>
<span class="pl-c1">*</span> <span class="pl-en">quantile</span> (<span class="pl-s1">quantile</span>) <span class="pl-s1">float64</span> <span class="pl-c1">0.25</span> <span class="pl-c1">0.5</span> <span class="pl-c1">0.75</span></pre></div>
<p dir="auto">Now different weights:</p>
<div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=">>> weighted_quantile(da=ar0, q=[0.25, 0.5, 0.75], dim='y', w_dict={'y': [1,2,3,4.0]})
<xarray.DataArray (quantile: 3, x: 3)>
array([[ 3.25 , 5.666667, 4.333333],
[ 4. , 7. , 5.333333],
[ 6. , 8. , 6.75 ]])
Coordinates:
* x (x) |S1 'a' 'b' 'c'
* quantile (quantile) float64 0.25 0.5 0.75"><pre class="notranslate"><span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-en">weighted_quantile</span>(<span class="pl-s1">da</span><span class="pl-c1">=</span><span class="pl-s1">ar0</span>, <span class="pl-s1">q</span><span class="pl-c1">=</span>[<span class="pl-c1">0.25</span>, <span class="pl-c1">0.5</span>, <span class="pl-c1">0.75</span>], <span class="pl-s1">dim</span><span class="pl-c1">=</span><span class="pl-s">'y'</span>, <span class="pl-s1">w_dict</span><span class="pl-c1">=</span>{<span class="pl-s">'y'</span>: [<span class="pl-c1">1</span>,<span class="pl-c1">2</span>,<span class="pl-c1">3</span>,<span class="pl-c1">4.0</span>]})
<span class="pl-c1"><</span><span class="pl-s1">xarray</span>.<span class="pl-v">DataArray</span> (<span class="pl-s1">quantile</span>: <span class="pl-c1">3</span>, <span class="pl-s1">x</span>: <span class="pl-c1">3</span>)<span class="pl-c1">></span>
<span class="pl-en">array</span>([[ <span class="pl-c1">3.25</span> , <span class="pl-c1">5.666667</span>, <span class="pl-c1">4.333333</span>],
[ <span class="pl-c1">4.</span> , <span class="pl-c1">7.</span> , <span class="pl-c1">5.333333</span>],
[ <span class="pl-c1">6.</span> , <span class="pl-c1">8.</span> , <span class="pl-c1">6.75</span> ]])
<span class="pl-v">Coordinates</span>:
<span class="pl-c1">*</span> <span class="pl-en">x</span> (<span class="pl-s1">x</span>) <span class="pl-c1">|</span><span class="pl-v">S1</span> <span class="pl-s">'a'</span> <span class="pl-s">'b'</span> <span class="pl-s">'c'</span>
<span class="pl-c1">*</span> <span class="pl-en">quantile</span> (<span class="pl-s1">quantile</span>) <span class="pl-s1">float64</span> <span class="pl-c1">0.25</span> <span class="pl-c1">0.5</span> <span class="pl-c1">0.75</span></pre></div>
<p dir="auto">Also handles nan values like <code class="notranslate">np.nanpercentile</code>:</p>
<div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=">>> ar
<xarray.DataArray (x: 2, y: 2, z: 2)>
array([[[ nan, 3.],
[ nan, 5.]],
[[ 8., 1.],
[ nan, 0.]]])
Coordinates:
* x (x) |S1 'a' 'b'
* y (y) int64 0 1
* z (z) int64 8 9
>>> da_stacked = ar.stack(mi=['x', 'y'])
>>> out = weighted_quantile(da=ar, q=[0.25, 0.5, 0.75], dim=['x', 'y'], w_dict={'x': [1, 1]})
>>> out
<xarray.DataArray (quantile: 3, z: 2)>
array([[ 8. , 0.75],
[ 8. , 2. ],
[ 8. , 3.5 ]])
Coordinates:
* z (z) int64 8 9
* quantile (quantile) float64 0.25 0.5 0.75
>>> np.nanpercentile(da_stacked, q=[25, 50, 75], axis=-1)
array([[ 8. , 0.75],
[ 8. , 2. ],
[ 8. , 3.5 ]])"><pre class="notranslate"><span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-s1">ar</span>
<span class="pl-c1"><</span><span class="pl-s1">xarray</span>.<span class="pl-v">DataArray</span> (<span class="pl-s1">x</span>: <span class="pl-c1">2</span>, <span class="pl-s1">y</span>: <span class="pl-c1">2</span>, <span class="pl-s1">z</span>: <span class="pl-c1">2</span>)<span class="pl-c1">></span>
<span class="pl-en">array</span>([[[ <span class="pl-s1">nan</span>, <span class="pl-c1">3.</span>],
[ <span class="pl-s1">nan</span>, <span class="pl-c1">5.</span>]],
[[ <span class="pl-c1">8.</span>, <span class="pl-c1">1.</span>],
[ <span class="pl-s1">nan</span>, <span class="pl-c1">0.</span>]]])
<span class="pl-v">Coordinates</span>:
<span class="pl-c1">*</span> <span class="pl-en">x</span> (<span class="pl-s1">x</span>) <span class="pl-c1">|</span><span class="pl-v">S1</span> <span class="pl-s">'a'</span> <span class="pl-s">'b'</span>
<span class="pl-c1">*</span> <span class="pl-en">y</span> (<span class="pl-s1">y</span>) <span class="pl-s1">int64</span> <span class="pl-c1">0</span> <span class="pl-c1">1</span>
<span class="pl-c1">*</span> <span class="pl-en">z</span> (<span class="pl-s1">z</span>) <span class="pl-s1">int64</span> <span class="pl-c1">8</span> <span class="pl-c1">9</span>
<span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-s1">da_stacked</span> <span class="pl-c1">=</span> <span class="pl-s1">ar</span>.<span class="pl-en">stack</span>(<span class="pl-s1">mi</span><span class="pl-c1">=</span>[<span class="pl-s">'x'</span>, <span class="pl-s">'y'</span>])
<span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-s1">out</span> <span class="pl-c1">=</span> <span class="pl-en">weighted_quantile</span>(<span class="pl-s1">da</span><span class="pl-c1">=</span><span class="pl-s1">ar</span>, <span class="pl-s1">q</span><span class="pl-c1">=</span>[<span class="pl-c1">0.25</span>, <span class="pl-c1">0.5</span>, <span class="pl-c1">0.75</span>], <span class="pl-s1">dim</span><span class="pl-c1">=</span>[<span class="pl-s">'x'</span>, <span class="pl-s">'y'</span>], <span class="pl-s1">w_dict</span><span class="pl-c1">=</span>{<span class="pl-s">'x'</span>: [<span class="pl-c1">1</span>, <span class="pl-c1">1</span>]})
<span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-s1">out</span>
<span class="pl-c1"><</span><span class="pl-s1">xarray</span>.<span class="pl-v">DataArray</span> (<span class="pl-s1">quantile</span>: <span class="pl-c1">3</span>, <span class="pl-s1">z</span>: <span class="pl-c1">2</span>)<span class="pl-c1">></span>
<span class="pl-en">array</span>([[ <span class="pl-c1">8.</span> , <span class="pl-c1">0.75</span>],
[ <span class="pl-c1">8.</span> , <span class="pl-c1">2.</span> ],
[ <span class="pl-c1">8.</span> , <span class="pl-c1">3.5</span> ]])
<span class="pl-v">Coordinates</span>:
<span class="pl-c1">*</span> <span class="pl-en">z</span> (<span class="pl-s1">z</span>) <span class="pl-s1">int64</span> <span class="pl-c1">8</span> <span class="pl-c1">9</span>
<span class="pl-c1">*</span> <span class="pl-en">quantile</span> (<span class="pl-s1">quantile</span>) <span class="pl-s1">float64</span> <span class="pl-c1">0.25</span> <span class="pl-c1">0.5</span> <span class="pl-c1">0.75</span>
<span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-s1">np</span>.<span class="pl-en">nanpercentile</span>(<span class="pl-s1">da_stacked</span>, <span class="pl-s1">q</span><span class="pl-c1">=</span>[<span class="pl-c1">25</span>, <span class="pl-c1">50</span>, <span class="pl-c1">75</span>], <span class="pl-s1">axis</span><span class="pl-c1">=</span><span class="pl-c1">-</span><span class="pl-c1">1</span>)
<span class="pl-en">array</span>([[ <span class="pl-c1">8.</span> , <span class="pl-c1">0.75</span>],
[ <span class="pl-c1">8.</span> , <span class="pl-c1">2.</span> ],
[ <span class="pl-c1">8.</span> , <span class="pl-c1">3.5</span> ]])</pre></div>
<p dir="auto">Lastly, different interpolation schemes are consistent:</p>
<div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=">>> out = weighted_quantile(da=ar, q=[0.25, 0.5, 0.75], dim=['x', 'y'], w_dict={'x': [1, 1]}, interpolation='nearest')
>>> out
<xarray.DataArray (quantile: 3, z: 2)>
array([[ 8., 1.],
[ 8., 3.],
[ 8., 3.]])
Coordinates:
* z (z) int64 8 9
* quantile (quantile) float64 0.25 0.5 0.75
>>> np.nanpercentile(da_stacked, q=[25, 50, 75], axis=-1, interpolation='nearest')
array([[ 8., 1.],
[ 8., 3.],
[ 8., 3.]])"><pre class="notranslate"><span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-s1">out</span> <span class="pl-c1">=</span> <span class="pl-en">weighted_quantile</span>(<span class="pl-s1">da</span><span class="pl-c1">=</span><span class="pl-s1">ar</span>, <span class="pl-s1">q</span><span class="pl-c1">=</span>[<span class="pl-c1">0.25</span>, <span class="pl-c1">0.5</span>, <span class="pl-c1">0.75</span>], <span class="pl-s1">dim</span><span class="pl-c1">=</span>[<span class="pl-s">'x'</span>, <span class="pl-s">'y'</span>], <span class="pl-s1">w_dict</span><span class="pl-c1">=</span>{<span class="pl-s">'x'</span>: [<span class="pl-c1">1</span>, <span class="pl-c1">1</span>]}, <span class="pl-s1">interpolation</span><span class="pl-c1">=</span><span class="pl-s">'nearest'</span>)
<span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-s1">out</span>
<span class="pl-c1"><</span><span class="pl-s1">xarray</span>.<span class="pl-v">DataArray</span> (<span class="pl-s1">quantile</span>: <span class="pl-c1">3</span>, <span class="pl-s1">z</span>: <span class="pl-c1">2</span>)<span class="pl-c1">></span>
<span class="pl-en">array</span>([[ <span class="pl-c1">8.</span>, <span class="pl-c1">1.</span>],
[ <span class="pl-c1">8.</span>, <span class="pl-c1">3.</span>],
[ <span class="pl-c1">8.</span>, <span class="pl-c1">3.</span>]])
<span class="pl-v">Coordinates</span>:
<span class="pl-c1">*</span> <span class="pl-en">z</span> (<span class="pl-s1">z</span>) <span class="pl-s1">int64</span> <span class="pl-c1">8</span> <span class="pl-c1">9</span>
<span class="pl-c1">*</span> <span class="pl-en">quantile</span> (<span class="pl-s1">quantile</span>) <span class="pl-s1">float64</span> <span class="pl-c1">0.25</span> <span class="pl-c1">0.5</span> <span class="pl-c1">0.75</span>
<span class="pl-c1">>></span><span class="pl-c1">></span> <span class="pl-s1">np</span>.<span class="pl-en">nanpercentile</span>(<span class="pl-s1">da_stacked</span>, <span class="pl-s1">q</span><span class="pl-c1">=</span>[<span class="pl-c1">25</span>, <span class="pl-c1">50</span>, <span class="pl-c1">75</span>], <span class="pl-s1">axis</span><span class="pl-c1">=</span><span class="pl-c1">-</span><span class="pl-c1">1</span>, <span class="pl-s1">interpolation</span><span class="pl-c1">=</span><span class="pl-s">'nearest'</span>)
<span class="pl-en">array</span>([[ <span class="pl-c1">8.</span>, <span class="pl-c1">1.</span>],
[ <span class="pl-c1">8.</span>, <span class="pl-c1">3.</span>],
[ <span class="pl-c1">8.</span>, <span class="pl-c1">3.</span>]])</pre></div>
<p dir="auto">We wonder if it's ok to make this feature part of numpy, probably in <code class="notranslate">np.nanpercentile</code>?</p> | 1 |
<p dir="auto">I just reinstalled Tensorflow on my laptop this morning and got this problem.<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "BestSplits" device_type: "CPU"') for unknown op: BestSplits<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "CountExtremelyRandomStats" device_type: "CPU"') for unknown op: CountExtremelyRandomStats<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "FinishedNodes" device_type: "CPU"') for unknown op: FinishedNodes<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "GrowTree" device_type: "CPU"') for unknown op: GrowTree<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "ReinterpretStringToFloat" device_type: "CPU"') for unknown op: ReinterpretStringToFloat<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "SampleInputs" device_type: "CPU"') for unknown op: SampleInputs<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "ScatterAddNdim" device_type: "CPU"') for unknown op: ScatterAddNdim<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "TopNInsert" device_type: "CPU"') for unknown op: TopNInsert<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "TopNRemove" device_type: "CPU"') for unknown op: TopNRemove<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "TreePredictions" device_type: "CPU"') for unknown op: TreePredictions<br>
E c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\framework\op_kernel.cc:943] OpKernel ('op: "UpdateFertileSlots" device_type: "CPU"') for unknown op: UpdateFertileSlots<br>
b'what the hell?'</p>
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/10723417/24329241/5ffd36fe-123b-11e7-8298-c957a13b3141.PNG"><img src="https://cloud.githubusercontent.com/assets/10723417/24329241/5ffd36fe-123b-11e7-8298-c957a13b3141.PNG" alt="tensorflow" style="max-width: 100%;"></a></p> | <p dir="auto"><strong>System information</strong></p>
<ul dir="auto">
<li>See the custom complete snippet below</li>
<li>Linux Ubuntu 16.04</li>
<li>TensorFlow installed via pip gpu version</li>
<li>TensorFlow version v1.12.0-0-ga6d8ffae09 1.12.0</li>
<li>Python version: 3.5.2</li>
<li>CUDA/cuDNN version: 9.0.176 / 7.4.1</li>
<li>GPU model and memory: GeForce GTX 1080 with 11178MiB</li>
</ul>
<p dir="auto"><strong>Describe the current behavior</strong><br>
If using <code class="notranslate">tf.enable_eager_execution()</code> the code expects non Keras optimizer,<br>
if using "standard" behavior (compiled graph) the code runs fine.<br>
See the code and logs below.</p>
<p dir="auto"><strong>Describe the expected behavior</strong><br>
<code class="notranslate">tf.enable_eager_execution()</code> should not affect the behavior and the code should run in both cases.</p>
<p dir="auto"><strong>Code to reproduce the issue</strong><br>
Copied from my repository <a href="https://github.com/oplatek/tf-eager-playground/blob/master/eagerplayer/test_train.py">https://github.com/oplatek/tf-eager-playground/blob/master/eagerplayer/test_train.py</a></p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="#!/usr/bin/env python3
import tensorflow as tf
import numpy as np
import sys
from tensorflow.keras.layers import Input, Dense
from tensorflow.keras.models import Model
def fit_keras_model():
data = np.random.random((1000, 32))
labels = np.random.random((1000, 10))
# source https://keras.io/getting-started/functional-api-guide/
# This returns a tensor
inputs = Input(shape=(32,))
# a layer instance is callable on a tensor, and returns a tensor
x = Dense(64, activation='relu')(inputs)
x = Dense(64, activation='relu')(x)
predictions = Dense(10, activation='softmax')(x)
# This creates a model that includes
# the Input layer and three Dense layers
model = Model(inputs=inputs, outputs=predictions)
model.compile(optimizer='adam',
loss='categorical_crossentropy',
metrics=['accuracy'])
model.fit(data, labels) # starts training
return model
if __name__ == '__main__':
if len(sys.argv) > 1 and sys.argv[1] == 'eager':
tf.enable_eager_execution() # fails with eager execution enabled
fit_keras_model()
print('success')"><pre class="notranslate"><code class="notranslate">#!/usr/bin/env python3
import tensorflow as tf
import numpy as np
import sys
from tensorflow.keras.layers import Input, Dense
from tensorflow.keras.models import Model
def fit_keras_model():
data = np.random.random((1000, 32))
labels = np.random.random((1000, 10))
# source https://keras.io/getting-started/functional-api-guide/
# This returns a tensor
inputs = Input(shape=(32,))
# a layer instance is callable on a tensor, and returns a tensor
x = Dense(64, activation='relu')(inputs)
x = Dense(64, activation='relu')(x)
predictions = Dense(10, activation='softmax')(x)
# This creates a model that includes
# the Input layer and three Dense layers
model = Model(inputs=inputs, outputs=predictions)
model.compile(optimizer='adam',
loss='categorical_crossentropy',
metrics=['accuracy'])
model.fit(data, labels) # starts training
return model
if __name__ == '__main__':
if len(sys.argv) > 1 and sys.argv[1] == 'eager':
tf.enable_eager_execution() # fails with eager execution enabled
fit_keras_model()
print('success')
</code></pre></div>
<p dir="auto"><strong>Other info / logs</strong><br>
The logs are copied also from my repository <a href="https://github.com/oplatek/tf-eager-playground/blob/master/eagerplayer/test_train.md">https://github.com/oplatek/tf-eager-playground/blob/master/eagerplayer/test_train.md</a></p>
<h2 dir="auto">Without eager execution the code works fine</h2>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="oplatek@gpu:master:tf-eager-playground$ ./eagerplayer/test_train.py
Epoch 1/1
2019-01-30 16:49:23.921582: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2019-01-30 16:49:24.032120: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:964] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-01-30 16:49:24.032526: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1432] Found device 0 with properties:
name: GeForce GTX 1080 Ti major: 6 minor: 1 memoryClockRate(GHz): 1.6575
pciBusID: 0000:01:00.0
totalMemory: 10.92GiB freeMemory: 10.76GiB
2019-01-30 16:49:24.032540: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1511] Adding visible gpu devices: 0
2019-01-30 16:49:24.230759: I tensorflow/core/common_runtime/gpu/gpu_device.cc:982] Device interconnect StreamExecutor with strength 1 edge matrix:
2019-01-30 16:49:24.230787: I tensorflow/core/common_runtime/gpu/gpu_device.cc:988] 0
2019-01-30 16:49:24.230792: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1001] 0: N
2019-01-30 16:49:24.230947: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 10407 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1080 Ti, pci bus id: 0000:01:00.0, compute capability: 6.1)
1000/1000 [==============================] - 1s 745us/step - loss: 11.4860 - acc: 0.0810
success"><pre class="notranslate"><code class="notranslate">oplatek@gpu:master:tf-eager-playground$ ./eagerplayer/test_train.py
Epoch 1/1
2019-01-30 16:49:23.921582: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2019-01-30 16:49:24.032120: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:964] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-01-30 16:49:24.032526: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1432] Found device 0 with properties:
name: GeForce GTX 1080 Ti major: 6 minor: 1 memoryClockRate(GHz): 1.6575
pciBusID: 0000:01:00.0
totalMemory: 10.92GiB freeMemory: 10.76GiB
2019-01-30 16:49:24.032540: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1511] Adding visible gpu devices: 0
2019-01-30 16:49:24.230759: I tensorflow/core/common_runtime/gpu/gpu_device.cc:982] Device interconnect StreamExecutor with strength 1 edge matrix:
2019-01-30 16:49:24.230787: I tensorflow/core/common_runtime/gpu/gpu_device.cc:988] 0
2019-01-30 16:49:24.230792: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1001] 0: N
2019-01-30 16:49:24.230947: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 10407 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1080 Ti, pci bus id: 0000:01:00.0, compute capability: 6.1)
1000/1000 [==============================] - 1s 745us/step - loss: 11.4860 - acc: 0.0810
success
</code></pre></div>
<h2 dir="auto">With eager execution non Keras optimizer is expected</h2>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="oplatek@gpu:master:tf-eager-playground$ ./eagerplayer/test_train.py eager
2019-01-30 16:49:33.983911: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2019-01-30 16:49:34.069258: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:964] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-01-30 16:49:34.069657: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1432] Found device 0 with properties:
name: GeForce GTX 1080 Ti major: 6 minor: 1 memoryClockRate(GHz): 1.6575
pciBusID: 0000:01:00.0
totalMemory: 10.92GiB freeMemory: 10.76GiB
2019-01-30 16:49:34.069671: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1511] Adding visible gpu devices: 0
2019-01-30 16:49:34.266286: I tensorflow/core/common_runtime/gpu/gpu_device.cc:982] Device interconnect StreamExecutor with strength 1 edge matrix:
2019-01-30 16:49:34.266311: I tensorflow/core/common_runtime/gpu/gpu_device.cc:988] 0
2019-01-30 16:49:34.266316: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1001] 0: N
2019-01-30 16:49:34.266465: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 10407 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1080 Ti, pci bus id: 0000:01:00.0, compute capability: 6.1)
Traceback (most recent call last):
File "./eagerplayer/test_train.py", line 35, in <module>
fit_keras_model()
File "./eagerplayer/test_train.py", line 27, in fit_keras_model
metrics=['accuracy'])
File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/training/checkpointable/base.py", line 474, in _method_wrapper
method(self, *args, **kwargs)
File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/keras/engine/training.py", line 410, in compile
'a %s' % type(optimizer))
ValueError: optimizer must be an instance of tf.train.Optimizer, not a <class 'str'>"><pre class="notranslate"><code class="notranslate">oplatek@gpu:master:tf-eager-playground$ ./eagerplayer/test_train.py eager
2019-01-30 16:49:33.983911: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2019-01-30 16:49:34.069258: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:964] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-01-30 16:49:34.069657: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1432] Found device 0 with properties:
name: GeForce GTX 1080 Ti major: 6 minor: 1 memoryClockRate(GHz): 1.6575
pciBusID: 0000:01:00.0
totalMemory: 10.92GiB freeMemory: 10.76GiB
2019-01-30 16:49:34.069671: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1511] Adding visible gpu devices: 0
2019-01-30 16:49:34.266286: I tensorflow/core/common_runtime/gpu/gpu_device.cc:982] Device interconnect StreamExecutor with strength 1 edge matrix:
2019-01-30 16:49:34.266311: I tensorflow/core/common_runtime/gpu/gpu_device.cc:988] 0
2019-01-30 16:49:34.266316: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1001] 0: N
2019-01-30 16:49:34.266465: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 10407 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1080 Ti, pci bus id: 0000:01:00.0, compute capability: 6.1)
Traceback (most recent call last):
File "./eagerplayer/test_train.py", line 35, in <module>
fit_keras_model()
File "./eagerplayer/test_train.py", line 27, in fit_keras_model
metrics=['accuracy'])
File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/training/checkpointable/base.py", line 474, in _method_wrapper
method(self, *args, **kwargs)
File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/keras/engine/training.py", line 410, in compile
'a %s' % type(optimizer))
ValueError: optimizer must be an instance of tf.train.Optimizer, not a <class 'str'>
</code></pre></div> | 0 |
<p dir="auto">Hi,</p>
<p dir="auto">I need that the url is changed, when clicking a tab.</p>
<p dir="auto">So when there are three tabs:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="<div class="tab-content">
<div class="tab-pane fade in active" id="home">...</div>
<div class="tab-pane fade" id="profile">...</div>
<div class="tab-pane fade" id="messages">...</div>
<div class="tab-pane fade" id="settings">...</div>
</div>"><pre class="notranslate"><code class="notranslate"><div class="tab-content">
<div class="tab-pane fade in active" id="home">...</div>
<div class="tab-pane fade" id="profile">...</div>
<div class="tab-pane fade" id="messages">...</div>
<div class="tab-pane fade" id="settings">...</div>
</div>
</code></pre></div>
<p dir="auto">and you are clicking on "profile" the url should change from site.com to site.com/#profile</p>
<p dir="auto">Is that already possible and I did not see that in documentation?</p>
<p dir="auto">Thank you<br>
Zoker</p> | <p dir="auto">Hello,</p>
<p dir="auto">am i missing something or the only way to link to a specific tab is by setting <code class="notranslate">.active</code> class to tab navigation and <code class="notranslate">.tab-pane</code> elements?</p>
<p dir="auto">For example, i lets look at demo of this tab system:</p>
<p dir="auto"><a href="http://twitter.github.com/bootstrap/javascript.html#tabs">http://twitter.github.com/bootstrap/javascript.html#tabs</a></p>
<p dir="auto">It has two links with <code class="notranslate">href</code> attributes set on <code class="notranslate">#home</code> and <code class="notranslate">#profile</code> which are targeting elements with those IDs and showing them accordingly. So everything is fine there, but what if i want to link to <code class="notranslate">#profile</code> tab from another page? Maybe I am missing something really obvious, but it seems that this is not possible simply by appending <code class="notranslate">#profile</code> to page url?</p>
<p dir="auto">Like i said, i might have missed something, but if I did not, it would be absolutely great if this could be implemented in bootstrap!</p>
<p dir="auto">Thanks.</p> | 1 |
<p dir="auto">I recently ran into a problem, while using bazel to build a project. This project is compiled as a dynamic linking library, using PyImport_Import to import python module. when there is "import tensorflow as tf" in the python file , application who calls the dynamic linking library crashed everytime, but when it‘s not there ,everything works just fine. where is the problem?<br>
my tensorflow version is 1.0.0,python 2.7.0,bazel 0.4.3</p>
<p dir="auto">here is the console information when the application crashes:</p>
<blockquote>
<p dir="auto">F tensorflow/core/framework/function.cc:1015] Check failed: GetOpGradFactory()->insert({op, func}).second Duplicated gradient for Softmax</p>
</blockquote>
<p dir="auto">here is the test python file looks like:<br>
`from <strong>future</strong> import print_function<br>
import tensorflow as tf<br>
import os<br>
import time<br>
from itertools import izip<br>
import numpy as np<br>
import wrapt<br>
import cv2<br>
def get_int( ):<br>
a = 10<br>
b = 20<br>
return a + b</p>
<p dir="auto">def get_str( s1, s2 ):<br>
#return s1 + s2<br>
#return 'Hello , TY'<br>
return ('Hello, World', 10, 20)`</p>
<p dir="auto">here is the source code of .so file:<br>
<code class="notranslate"> Py_Initialize(); if ( !Py_IsInitialized() ) { return -1; } PyEval_InitThreads(); PyThreadState *mainThreadState = NULL; // save a pointer to the main PyThreadState object mainThreadState = PyThreadState_Get(); // release the lock PyEval_ReleaseLock(); char* mockargv[1]={(char*)""}; PySys_SetArgv(1,mockargv); PyRun_SimpleString("import sys"); PyRun_SimpleString("sys.path.append('./')"); pName_ = PyString_FromString("test_py"); displayPyObject(pName_); if(pName_ == NULL){ return -1; } pModule_ = PyImport_Import(pName_); displayPyObject(pModule_);</code></p>
<p dir="auto">and here is the dynamic linking library part of my BUILD file<br>
<code class="notranslate">cc_binary( name = "test.so", linkshared = 1, deps = [ ":test_lib", ], ) cc_library( name = "test_lib", visibility = ["//visibility:__subpackages__"], srcs = glob(["test.cpp" ], ), includes=["test.h"], linkopts = [ "-lm -lpthread -L/usr/lib/python2.7 -lpython2.7 -lopencv_core -lopencv_imgproc -lopencv_highgui -lopencv_ml -lfreeimage" ], deps = [ "//tensorflow/cc:cc_ops", "//tensorflow/core:framework", "//tensorflow/core:framework_internal", "//tensorflow/core:tensorflow", ], ) </code></p> | <p dir="auto">I can't find a way to pass a numpy tensor to layers.convolution2d weights/bias initialization arguments.<br>
I added support for this by modifying convolution2d, code is below. I need this feature in order If you like this solution I can add this feature to other ops also and create a pull request.</p>
<p dir="auto">First I tried this:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import tensorflow as tf
import tensorflow.contrib.layers as layers
import numpy as np
conv1_1 = np.random.rand(3, 3, 3, 64).astype(dtype=np.float32)
inputs = tf.placeholder(tf.float32, shape=(32, 96, 96, 3))
net = layers.convolution2d(inputs, 64, 3, weights_initializer=conv1_1, scope='conv1_1')"><pre class="notranslate"><code class="notranslate">import tensorflow as tf
import tensorflow.contrib.layers as layers
import numpy as np
conv1_1 = np.random.rand(3, 3, 3, 64).astype(dtype=np.float32)
inputs = tf.placeholder(tf.float32, shape=(32, 96, 96, 3))
net = layers.convolution2d(inputs, 64, 3, weights_initializer=conv1_1, scope='conv1_1')
</code></pre></div>
<p dir="auto">but get_variable method doesn't allow redundant shape argument when initializing from constant.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Traceback (most recent call last):
File "tf1.py", line 16, in <module>
net = layers.convolution2d(inputs, 64, 3, weights_initializer=conv1_1, scope='conv1_1')
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 171, in func_with_args
return func(*args, **current_args)
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/layers/python/layers/layers.py", line 406, in convolution2d
trainable=trainable)
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 171, in func_with_args
return func(*args, **current_args)
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/variables.py", line 266, in model_variable
caching_device=caching_device, device=device)
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 171, in func_with_args
return func(*args, **current_args)
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/variables.py", line 230, in variable
caching_device=caching_device)
File "/usr/lib/python3.5/site-packages/tensorflow/python/ops/variable_scope.py", line 873, in get_variable
custom_getter=custom_getter)
File "/usr/lib/python3.5/site-packages/tensorflow/python/ops/variable_scope.py", line 700, in get_variable
custom_getter=custom_getter)
File "/usr/lib/python3.5/site-packages/tensorflow/python/ops/variable_scope.py", line 217, in get_variable
validate_shape=validate_shape)
File "/usr/lib/python3.5/site-packages/tensorflow/python/ops/variable_scope.py", line 202, in _true_getter
caching_device=caching_device, validate_shape=validate_shape)
File "/usr/lib/python3.5/site-packages/tensorflow/python/ops/variable_scope.py", line 479, in _get_single_variable
raise ValueError("If initializer is a constant, do not specify shape.")
ValueError: If initializer is a constant, do not specify shape."><pre class="notranslate"><code class="notranslate">Traceback (most recent call last):
File "tf1.py", line 16, in <module>
net = layers.convolution2d(inputs, 64, 3, weights_initializer=conv1_1, scope='conv1_1')
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 171, in func_with_args
return func(*args, **current_args)
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/layers/python/layers/layers.py", line 406, in convolution2d
trainable=trainable)
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 171, in func_with_args
return func(*args, **current_args)
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/variables.py", line 266, in model_variable
caching_device=caching_device, device=device)
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 171, in func_with_args
return func(*args, **current_args)
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/variables.py", line 230, in variable
caching_device=caching_device)
File "/usr/lib/python3.5/site-packages/tensorflow/python/ops/variable_scope.py", line 873, in get_variable
custom_getter=custom_getter)
File "/usr/lib/python3.5/site-packages/tensorflow/python/ops/variable_scope.py", line 700, in get_variable
custom_getter=custom_getter)
File "/usr/lib/python3.5/site-packages/tensorflow/python/ops/variable_scope.py", line 217, in get_variable
validate_shape=validate_shape)
File "/usr/lib/python3.5/site-packages/tensorflow/python/ops/variable_scope.py", line 202, in _true_getter
caching_device=caching_device, validate_shape=validate_shape)
File "/usr/lib/python3.5/site-packages/tensorflow/python/ops/variable_scope.py", line 479, in _get_single_variable
raise ValueError("If initializer is a constant, do not specify shape.")
ValueError: If initializer is a constant, do not specify shape.
</code></pre></div>
<p dir="auto">I removed redundant arguments but then convolution2d doesn't have default value for them.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="net = layers.convolution2d(inputs, weights_initializer=conv1_1, scope='conv1_1')"><pre class="notranslate"><code class="notranslate">net = layers.convolution2d(inputs, weights_initializer=conv1_1, scope='conv1_1')
</code></pre></div>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Traceback (most recent call last):
File "tf1.py", line 14, in <module>
net = layers.convolution2d(inputs, weights_initializer=conv1_1, scope='conv1_1')
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 171, in func_with_args
return func(*args, **current_args)
TypeError: convolution2d() missing 2 required positional arguments: 'num_outputs' and 'kernel_size'"><pre class="notranslate"><code class="notranslate">Traceback (most recent call last):
File "tf1.py", line 14, in <module>
net = layers.convolution2d(inputs, weights_initializer=conv1_1, scope='conv1_1')
File "/usr/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 171, in func_with_args
return func(*args, **current_args)
TypeError: convolution2d() missing 2 required positional arguments: 'num_outputs' and 'kernel_size'
</code></pre></div>
<p dir="auto">I fixed the problem by adding support inside convolution2d code here:<br>
<a href="https://github.com/tensorflow/tensorflow/blob/master/tensorflow/contrib/layers/python/layers/layers.py#L322">https://github.com/tensorflow/tensorflow/blob/master/tensorflow/contrib/layers/python/layers/layers.py#L322</a><br>
It works now and I don't have to pass redundant arguments.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="@add_arg_scope
def convolution2d(inputs,
num_outputs=None,
kernel_size=None,
stride=1,
padding='SAME',
rate=1,
activation_fn=nn.relu,
normalizer_fn=None,
normalizer_params=None,
weights_initializer=initializers.xavier_initializer(),
weights_regularizer=None,
biases_initializer=init_ops.zeros_initializer,
biases_regularizer=None,
reuse=None,
variables_collections=None,
outputs_collections=None,
trainable=True,
scope=None):
with variable_scope.variable_op_scope([inputs],
scope, 'Conv', reuse=reuse) as sc:
inputs = ops.convert_to_tensor(inputs)
dtype = inputs.dtype.base_dtype
stride_h, stride_w = utils.two_element_tuple(stride)
if rate > 1 and (stride_h > 1 or stride_w > 1):
raise ValueError('Only one of rate or stride can be larger than one')
num_filters_in = utils.last_dimension(inputs.get_shape(), min_rank=4)
initializing_from_value = False
if weights_initializer is not None and not callable(weights_initializer):
initializing_from_value = True
weights_shape = None
else:
if kernel_size == None or num_outputs == None:
raise ValueError('Kernel size and number of outputs must be defined')
kernel_h, kernel_w = utils.two_element_tuple(kernel_size)
weights_shape = [kernel_h, kernel_w,
num_filters_in, num_outputs]
if biases_initializer is not None and not callable(biases_initializer):
bias_shape = None
else:
if num_outputs == None:
raise ValueError('Number of outputs must be defined')
bias_shape = [num_outputs]
weights_collections = utils.get_variable_collections(
variables_collections, 'weights')
weights = variables.model_variable('weights',
shape=weights_shape,
dtype=dtype,
initializer=weights_initializer,
regularizer=weights_regularizer,
collections=weights_collections,
trainable=trainable)
if rate > 1:
outputs = nn.atrous_conv2d(inputs, weights, rate, padding=padding)
else:
outputs = nn.conv2d(inputs, weights, [1, stride_h, stride_w, 1],
padding=padding)
if normalizer_fn:
normalizer_params = normalizer_params or {}
outputs = normalizer_fn(outputs, **normalizer_params)
else:
if biases_initializer is not None:
biases_collections = utils.get_variable_collections(
variables_collections, 'biases')
biases = variables.model_variable('biases',
shape=bias_shape,
dtype=dtype,
initializer=biases_initializer,
regularizer=biases_regularizer,
collections=biases_collections,
trainable=trainable)
outputs = nn.bias_add(outputs, biases)
if activation_fn:
outputs = activation_fn(outputs)
return utils.collect_named_outputs(outputs_collections, sc.name, outputs)"><pre class="notranslate"><code class="notranslate">@add_arg_scope
def convolution2d(inputs,
num_outputs=None,
kernel_size=None,
stride=1,
padding='SAME',
rate=1,
activation_fn=nn.relu,
normalizer_fn=None,
normalizer_params=None,
weights_initializer=initializers.xavier_initializer(),
weights_regularizer=None,
biases_initializer=init_ops.zeros_initializer,
biases_regularizer=None,
reuse=None,
variables_collections=None,
outputs_collections=None,
trainable=True,
scope=None):
with variable_scope.variable_op_scope([inputs],
scope, 'Conv', reuse=reuse) as sc:
inputs = ops.convert_to_tensor(inputs)
dtype = inputs.dtype.base_dtype
stride_h, stride_w = utils.two_element_tuple(stride)
if rate > 1 and (stride_h > 1 or stride_w > 1):
raise ValueError('Only one of rate or stride can be larger than one')
num_filters_in = utils.last_dimension(inputs.get_shape(), min_rank=4)
initializing_from_value = False
if weights_initializer is not None and not callable(weights_initializer):
initializing_from_value = True
weights_shape = None
else:
if kernel_size == None or num_outputs == None:
raise ValueError('Kernel size and number of outputs must be defined')
kernel_h, kernel_w = utils.two_element_tuple(kernel_size)
weights_shape = [kernel_h, kernel_w,
num_filters_in, num_outputs]
if biases_initializer is not None and not callable(biases_initializer):
bias_shape = None
else:
if num_outputs == None:
raise ValueError('Number of outputs must be defined')
bias_shape = [num_outputs]
weights_collections = utils.get_variable_collections(
variables_collections, 'weights')
weights = variables.model_variable('weights',
shape=weights_shape,
dtype=dtype,
initializer=weights_initializer,
regularizer=weights_regularizer,
collections=weights_collections,
trainable=trainable)
if rate > 1:
outputs = nn.atrous_conv2d(inputs, weights, rate, padding=padding)
else:
outputs = nn.conv2d(inputs, weights, [1, stride_h, stride_w, 1],
padding=padding)
if normalizer_fn:
normalizer_params = normalizer_params or {}
outputs = normalizer_fn(outputs, **normalizer_params)
else:
if biases_initializer is not None:
biases_collections = utils.get_variable_collections(
variables_collections, 'biases')
biases = variables.model_variable('biases',
shape=bias_shape,
dtype=dtype,
initializer=biases_initializer,
regularizer=biases_regularizer,
collections=biases_collections,
trainable=trainable)
outputs = nn.bias_add(outputs, biases)
if activation_fn:
outputs = activation_fn(outputs)
return utils.collect_named_outputs(outputs_collections, sc.name, outputs)
</code></pre></div> | 0 |
<p dir="auto">Hi to all :)</p>
<p dir="auto">I'm using Symfony 2.7 and I have a trouble with the Validator component.<br>
I wrote a configuration yaml and php code to validate a Test model:</p>
<div class="highlight highlight-source-yaml notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="Acme\Bundle\AcmeBundle\Model\Test:
properties:
message:
- Type:
type: string
message: 'The message must be a string.'
- Length:
max: 10
maxMessage: 'The message cannot be longer than {{ limit }} characters'"><pre class="notranslate"><span class="pl-ent">Acme\Bundle\AcmeBundle\Model\Test</span>:
<span class="pl-ent">properties</span>:
<span class="pl-ent">message</span>:
- <span class="pl-ent">Type</span>:
<span class="pl-ent">type</span>: <span class="pl-s">string</span>
<span class="pl-ent">message</span>: <span class="pl-s"><span class="pl-pds">'</span>The message must be a string.<span class="pl-pds">'</span></span>
- <span class="pl-ent">Length</span>:
<span class="pl-ent">max</span>: <span class="pl-c1">10</span>
<span class="pl-ent">maxMessage</span>: <span class="pl-s"><span class="pl-pds">'</span>The message cannot be longer than {{ limit }} characters<span class="pl-pds">'</span></span></pre></div>
<div class="highlight highlight-text-html-php notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="$validator = $this->get('validator');
$model = new \Acme\Bundle\AcmeBundle\Model\Test();
$model
->setMessage('aaaaaaaaaaaaaaaaaaaa');
$errors = $validator->validate($model);
if ($errors->count() > 0)
{
echo 'Errors num: '. $errors->count(). "\n";
$errorMessages = array();
foreach ($errors as $error)
{
$field = $error->getPropertyPath();
if (!isset($errorMessages[$field]))
$errorMessages[$field] = [];
$errorMessages[$field][] = $error->getMessage();
}
var_dump($errorMessages);
}"><pre class="notranslate"><span class="pl-s1"><span class="pl-c1">$</span>validator</span> = <span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-><span class="pl-en">get</span>(<span class="pl-s">'validator'</span>);
<span class="pl-s1"><span class="pl-c1">$</span>model</span> = <span class="pl-k">new</span> \<span class="pl-v">Acme</span>\<span class="pl-v">Bundle</span>\<span class="pl-v">AcmeBundle</span>\<span class="pl-v">Model</span>\<span class="pl-v">Test</span>();
<span class="pl-s1"><span class="pl-c1">$</span>model</span>
-><span class="pl-en">setMessage</span>(<span class="pl-s">'aaaaaaaaaaaaaaaaaaaa'</span>);
<span class="pl-s1"><span class="pl-c1">$</span>errors</span> = <span class="pl-s1"><span class="pl-c1">$</span>validator</span>-><span class="pl-en">validate</span>(<span class="pl-s1"><span class="pl-c1">$</span>model</span>);
<span class="pl-k">if</span> (<span class="pl-s1"><span class="pl-c1">$</span>errors</span>-><span class="pl-en">count</span>() > <span class="pl-c1">0</span>)
{
<span class="pl-k">echo</span> <span class="pl-s">'Errors num: '</span>. <span class="pl-s1"><span class="pl-c1">$</span>errors</span>-><span class="pl-en">count</span>(). "\n";
<span class="pl-s1"><span class="pl-c1">$</span>errorMessages</span> = <span class="pl-en">array</span>();
<span class="pl-k">foreach</span> (<span class="pl-s1"><span class="pl-c1">$</span>errors</span> <span class="pl-k">as</span> <span class="pl-s1"><span class="pl-c1">$</span>error</span>)
{
<span class="pl-s1"><span class="pl-c1">$</span>field</span> = <span class="pl-s1"><span class="pl-c1">$</span>error</span>-><span class="pl-en">getPropertyPath</span>();
<span class="pl-k">if</span> (!isset(<span class="pl-s1"><span class="pl-c1">$</span>errorMessages</span>[<span class="pl-s1"><span class="pl-c1">$</span>field</span>]))
<span class="pl-s1"><span class="pl-c1">$</span>errorMessages</span>[<span class="pl-s1"><span class="pl-c1">$</span>field</span>] = [];
<span class="pl-s1"><span class="pl-c1">$</span>errorMessages</span>[<span class="pl-s1"><span class="pl-c1">$</span>field</span>][] = <span class="pl-s1"><span class="pl-c1">$</span>error</span>-><span class="pl-en">getMessage</span>();
}
var_dump(<span class="pl-s1"><span class="pl-c1">$</span>errorMessages</span>);
}</pre></div>
<p dir="auto">The output should show an error but I'm getting the same error message twice:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Errors num: 2
array(1) {
["message"]=>
array(2) {
[0]=>
string(53) "The message cannot be longer than 10 characters"
[1]=>
string(53) "The message cannot be longer than 10 characters"
}
}"><pre class="notranslate"><code class="notranslate">Errors num: 2
array(1) {
["message"]=>
array(2) {
[0]=>
string(53) "The message cannot be longer than 10 characters"
[1]=>
string(53) "The message cannot be longer than 10 characters"
}
}
</code></pre></div>
<p dir="auto">What am I doing wrong?</p> | <p dir="auto">I have a form with a collection of images. The user can re-order the images. I am using Doctrine2's Criteria for sorting the images.</p>
<div class="highlight highlight-text-html-php notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=" public function getImages()
{
$criteria = Criteria::create()
->orderBy(array('rank' => Criteria::ASC, 'id' => Criteria::ASC));
return $this->images->matching($criteria);
}"><pre class="notranslate"> <span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">getImages</span>()
{
<span class="pl-s1"><span class="pl-c1">$</span>criteria</span> = <span class="pl-v">Criteria</span>::<span class="pl-en">create</span>()
-><span class="pl-en">orderBy</span>(<span class="pl-en">array</span>(<span class="pl-s">'rank'</span> => <span class="pl-v">Criteria</span>::<span class="pl-c1">ASC</span>, <span class="pl-s">'id'</span> => <span class="pl-v">Criteria</span>::<span class="pl-c1">ASC</span>));
<span class="pl-k">return</span> <span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-><span class="pl-c1">images</span>-><span class="pl-en">matching</span>(<span class="pl-s1"><span class="pl-c1">$</span>criteria</span>);
}</pre></div>
<p dir="auto">If the form is submitted and contains an error, the images are not loaded in the order submitted by the user. FYI, I am sorting the rank as a hidden field. The user drag/drops which updates the hidden rank in the html.</p>
<p dir="auto">I am pretty sure this was working correctly when I found it here: <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="15784075" data-permission-text="Title is private" data-url="https://github.com/symfony/symfony/issues/8315" data-hovercard-type="issue" data-hovercard-url="/symfony/symfony/issues/8315/hovercard" href="https://github.com/symfony/symfony/issues/8315">#8315</a></p>
<p dir="auto">The Criteria class should re-order the collection using logic, rather than a query since the query has already been run.</p> | 0 |
<p dir="auto">Hi,</p>
<p dir="auto"><strong>Version:</strong> TS 1.6</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="module foo.bar {
export function baz(){}
};
module foo {
const a1 = bar['baz']; // foo.bar['baz']
const a2 = (<any>bar)['baz']; // foo.bar['baz']
const a3 = (bar as any)['baz']; // bar['baz']
}"><pre class="notranslate"><code class="notranslate">module foo.bar {
export function baz(){}
};
module foo {
const a1 = bar['baz']; // foo.bar['baz']
const a2 = (<any>bar)['baz']; // foo.bar['baz']
const a3 = (bar as any)['baz']; // bar['baz']
}
</code></pre></div>
<p dir="auto">The emit for <code class="notranslate">a3</code> appears to be wrong.</p> | <p dir="auto"><strong>foo.ts</strong></p>
<div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="export function foo() { }"><pre class="notranslate"><span class="pl-k">export</span> <span class="pl-k">function</span> <span class="pl-en">foo</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-kos">}</span></pre></div>
<p dir="auto"><strong>bar.ts</strong></p>
<div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import { foo } from './foo';
(foo as any);"><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-kos">{</span> <span class="pl-s1">foo</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">'./foo'</span><span class="pl-kos">;</span>
<span class="pl-kos">(</span><span class="pl-s1">foo</span> <span class="pl-k">as</span> <span class="pl-smi">any</span><span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div>
<p dir="auto"><strong>bar.js</strong></p>
<div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="var foo_1 = require('./foo');
foo;"><pre class="notranslate"><span class="pl-k">var</span> <span class="pl-s1">foo_1</span> <span class="pl-c1">=</span> <span class="pl-en">require</span><span class="pl-kos">(</span><span class="pl-s">'./foo'</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-s1">foo</span><span class="pl-kos">;</span></pre></div>
<p dir="auto"><code class="notranslate">(<any>foo)</code> works correctly btw.</p> | 1 |
<p dir="auto">As mentionned in the 2.1.0 new functionnalities list :</p>
<p dir="auto">"Improved prepended and appended inputs. No need to place the input and .add-on on the same line of code (sorry about that by the way). Break them up as you like and they'll still stick together with some crafty font-size working."</p>
<p dir="auto"><a href="http://blog.getbootstrap.com/2012/08/20/bootstrap-2-1-0-released/" rel="nofollow">http://blog.getbootstrap.com/2012/08/20/bootstrap-2-1-0-released/</a></p>
<p dir="auto">Since 2.1.0 there is no more need to put the input and the .add-on on the same line to avoid displaying a space. This work correctly with Firefox, Chrome and IE, but not on Safari. I tested with Safari 4 and 5 for Windows and I still get a space between the input and the .add-on if the inuput tag and the .add-on one are on two different lines.</p> | <p dir="auto">It would be nice to see a visual representation of what is defaulted/changed to for each element you can customize. For example the @WarningBackground element that you can modify the color, it would be nice to see what that HEX code actually represented</p> | 0 |
<p dir="auto">If I try and list the snapshots for a given repository 'foo' while there is a snapshot in progress, ES appears to block until the snapshot is complete:</p>
<p dir="auto">GET <a href="http://localhost/_snapshot/foo/_all" rel="nofollow">http://localhost/_snapshot/foo/_all</a></p>
<p dir="auto">I realize you can use the status API, but why should the GET block?</p> | <p dir="auto">This would block until current snapshot is completed. This could take a looooooooong time.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="curl http://es:9200/_snapshot/<s3_storage>/_all?pretty"><pre class="notranslate"><code class="notranslate">curl http://es:9200/_snapshot/<s3_storage>/_all?pretty
</code></pre></div>
<p dir="auto">Happens with s3 plugin, maybe this issue belongs to it.</p>
<p dir="auto">cc <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/imotov/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/imotov">@imotov</a></p> | 1 |
<ul dir="auto">
<li>PowerToys version: v0.20.1</li>
<li>PowerToy module: PowerToys Run</li>
</ul>
<p dir="auto">I have made a shortcut for a folder on Desktop named Whatsapp. When I search Whatsapp in PT Run, the search results include the folder Whatsapp as an application, as in the image below.<br>
<a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/51435948/89384361-9e692080-d71b-11ea-8db6-2510b8f449f9.png"><img src="https://user-images.githubusercontent.com/51435948/89384361-9e692080-d71b-11ea-8db6-2510b8f449f9.png" alt="image" style="max-width: 100%;"></a></p>
<p dir="auto">Please fix this issue as fast as possible because sometimes, the folder Whatsapp sometimes comes as the first result and leads to open the Folder instead of the app.</p> | <h1 dir="auto">Summary of the new feature/enhancement</h1>
<p dir="auto">Support for multiple monitor profiles.<br>
For example: When switching from a home office with 1 external monitor, to a commercial office with 2 different external monitors, the ability to quickly changes the monitor profiles to support each, without needing reconfiguration, would be helpful.</p>
<h1 dir="auto">Proposed technical implementation details (optional)</h1> | 0 |
<p dir="auto">TS 1.7.0</p>
<p dir="auto">This is valid ES6 from Mozilla but invalid TS:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="function drawES6Chart({size = 'big', cords = { x: 0, y: 0 }, radius = 25} = {})
{
console.log(size, cords, radius);
// do some chart drawing
}
drawES6Chart({
cords: { x: 18, y: 30 },
radius: 30
});
"><pre class="notranslate"><code class="notranslate">function drawES6Chart({size = 'big', cords = { x: 0, y: 0 }, radius = 25} = {})
{
console.log(size, cords, radius);
// do some chart drawing
}
drawES6Chart({
cords: { x: 18, y: 30 },
radius: 30
});
</code></pre></div>
<p dir="auto">To get it works, we must remove "= {}", so we can`t invoke function without arguments:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="function drawES6Chart({size = 'big', cords = { x: 0, y: 0 }, radius = 25} )
{
console.log(size, cords, radius);
// do some chart drawing
}
drawES6Chart( { }) // ok
drawES6Chart() // Error
"><pre class="notranslate"><code class="notranslate">function drawES6Chart({size = 'big', cords = { x: 0, y: 0 }, radius = 25} )
{
console.log(size, cords, radius);
// do some chart drawing
}
drawES6Chart( { }) // ok
drawES6Chart() // Error
</code></pre></div>
<p dir="auto">But It works with array destructuring :</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="function drawES6Chart( [size = "big" ,cords = { x: 0, y: 0 }, radius = 25 ] = [] )
{
console.log(size, cords, radius);
// do some chart drawing
}
drawES6Chart([]); // Ok
drawES6Chart(); // Ok
"><pre class="notranslate"><code class="notranslate">function drawES6Chart( [size = "big" ,cords = { x: 0, y: 0 }, radius = 25 ] = [] )
{
console.log(size, cords, radius);
// do some chart drawing
}
drawES6Chart([]); // Ok
drawES6Chart(); // Ok
</code></pre></div>
<p dir="auto">I think empty object should work with default values:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="var {size = 'big', cords = { x: 0, y: 0 } } = {} // Error"><pre class="notranslate"><code class="notranslate">var {size = 'big', cords = { x: 0, y: 0 } } = {} // Error
</code></pre></div>
<p dir="auto">Should it work with no default values ?</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="var {p,q } = {} "><pre class="notranslate"><code class="notranslate">var {p,q } = {}
</code></pre></div>
<p dir="auto">Firefox screenshoot:<br>
<a target="_blank" rel="noopener noreferrer nofollow" href="https://camo.githubusercontent.com/e11d15cf3a0ea0b83b8ac39adff1312b8826745cafe998bdbde7bd0e4b73c6f0/687474703a2f2f692e696d6775722e636f6d2f314e37634d6b4f2e6a7067"><img src="https://camo.githubusercontent.com/e11d15cf3a0ea0b83b8ac39adff1312b8826745cafe998bdbde7bd0e4b73c6f0/687474703a2f2f692e696d6775722e636f6d2f314e37634d6b4f2e6a7067" alt="Image" data-canonical-src="http://i.imgur.com/1N7cMkO.jpg" style="max-width: 100%;"></a></p> | <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="function foo({ x, y = {}} = { x: 0, y: {}}) {
}
foo(); // Fine
foo({ x: 0, y: 0 }); // Fine
foo({ x: 0 }); // Error"><pre class="notranslate"><span class="pl-k">function</span> <span class="pl-en">foo</span><span class="pl-kos">(</span><span class="pl-kos">{</span> x<span class="pl-kos">,</span> y <span class="pl-c1">=</span> <span class="pl-kos">{</span><span class="pl-kos">}</span><span class="pl-kos">}</span> <span class="pl-c1">=</span> <span class="pl-kos">{</span> <span class="pl-c1">x</span>: <span class="pl-c1">0</span><span class="pl-kos">,</span> <span class="pl-c1">y</span>: <span class="pl-kos">{</span><span class="pl-kos">}</span><span class="pl-kos">}</span><span class="pl-kos">)</span> <span class="pl-kos">{</span>
<span class="pl-kos">}</span>
<span class="pl-en">foo</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-c">// Fine</span>
<span class="pl-en">foo</span><span class="pl-kos">(</span><span class="pl-kos">{</span> <span class="pl-c1">x</span>: <span class="pl-c1">0</span><span class="pl-kos">,</span> <span class="pl-c1">y</span>: <span class="pl-c1">0</span> <span class="pl-kos">}</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-c">// Fine</span>
<span class="pl-en">foo</span><span class="pl-kos">(</span><span class="pl-kos">{</span> <span class="pl-c1">x</span>: <span class="pl-c1">0</span> <span class="pl-kos">}</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-c">// Error</span></pre></div>
<p dir="auto">The last line should not be an error because the y property has a default initializer. The error goes away if I remove the default initializer <code class="notranslate">{ x: 0, y: {}}</code> on the parent.</p>
<p dir="auto">I think the rule would be that even if we get the type of a parameter / variable / binding element from an initializer, we still have to traverse the binding pattern to determine whether binding properties are optional.</p> | 1 |
<p dir="auto">Copying from run error <a href="url">window</a></p>
<p dir="auto">Version: 1.0.0<br>
OS Version: Microsoft Windows NT 10.0.18363.0<br>
IntPtr Length: 8<br>
x64: True<br>
Date: 08/02/2020 15:22:23<br>
Exception:<br>
System.ObjectDisposedException: Cannot access a disposed object.<br>
Object name: 'Timer'.<br>
at System.Timers.Timer.set_Enabled(Boolean value)<br>
at System.Timers.Timer.Start()<br>
at PowerLauncher.MainWindow.OnVisibilityChanged(Object sender, DependencyPropertyChangedEventArgs e)<br>
at System.Windows.UIElement.RaiseDependencyPropertyChanged(EventPrivateKey key, DependencyPropertyChangedEventArgs args)<br>
at System.Windows.UIElement.OnIsVisibleChanged(DependencyObject d, DependencyPropertyChangedEventArgs e)<br>
at System.Windows.DependencyObject.OnPropertyChanged(DependencyPropertyChangedEventArgs e)<br>
at System.Windows.FrameworkElement.OnPropertyChanged(DependencyPropertyChangedEventArgs e)<br>
at System.Windows.DependencyObject.NotifyPropertyChange(DependencyPropertyChangedEventArgs args)<br>
at System.Windows.UIElement.UpdateIsVisibleCache()<br>
at System.Windows.PresentationSource.RootChanged(Visual oldRoot, Visual newRoot)<br>
at System.Windows.Interop.HwndSource.set_RootVisualInternal(Visual value)<br>
at System.Windows.Interop.HwndSource.set_RootVisual(Visual value)<br>
at System.Windows.Window.SetRootVisual()<br>
at System.Windows.Window.SetRootVisualAndUpdateSTC()<br>
at System.Windows.Window.SetupInitialState(Double requestedTop, Double requestedLeft, Double requestedWidth, Double requestedHeight)<br>
at System.Windows.Window.CreateSourceWindow(Boolean duringShow)<br>
at System.Windows.Window.CreateSourceWindowDuringShow()<br>
at System.Windows.Window.SafeCreateWindowDuringShow()<br>
at System.Windows.Window.ShowHelper(Object booleanBox)<br>
at System.Windows.Threading.ExceptionWrapper.InternalRealCall(Delegate callback, Object args, Int32 numArgs)<br>
at System.Windows.Threading.ExceptionWrapper.TryCatchWhen(Object source, Delegate callback, Object args, Int32 numArgs, Delegate catchHandler)</p> | <p dir="auto">Popup tells me to give y'all this.</p>
<p dir="auto"><a href="https://github.com/microsoft/PowerToys/files/5009460/2020-07-31.txt">2020-07-31.txt</a></p>
<p dir="auto">Version: 1.0.0<br>
OS Version: Microsoft Windows NT 10.0.19041.0<br>
IntPtr Length: 8<br>
x64: True<br>
Date: 07/31/2020 17:29:59<br>
Exception:<br>
System.ObjectDisposedException: Cannot access a disposed object.<br>
Object name: 'Timer'.<br>
at System.Timers.Timer.set_Enabled(Boolean value)<br>
at System.Timers.Timer.Start()<br>
at PowerLauncher.MainWindow.OnVisibilityChanged(Object sender, DependencyPropertyChangedEventArgs e)<br>
at System.Windows.UIElement.RaiseDependencyPropertyChanged(EventPrivateKey key, DependencyPropertyChangedEventArgs args)<br>
at System.Windows.UIElement.OnIsVisibleChanged(DependencyObject d, DependencyPropertyChangedEventArgs e)<br>
at System.Windows.DependencyObject.OnPropertyChanged(DependencyPropertyChangedEventArgs e)<br>
at System.Windows.FrameworkElement.OnPropertyChanged(DependencyPropertyChangedEventArgs e)<br>
at System.Windows.DependencyObject.NotifyPropertyChange(DependencyPropertyChangedEventArgs args)<br>
at System.Windows.UIElement.UpdateIsVisibleCache()<br>
at System.Windows.PresentationSource.RootChanged(Visual oldRoot, Visual newRoot)<br>
at System.Windows.Interop.HwndSource.set_RootVisualInternal(Visual value)<br>
at System.Windows.Interop.HwndSource.set_RootVisual(Visual value)<br>
at System.Windows.Window.SetRootVisual()<br>
at System.Windows.Window.SetRootVisualAndUpdateSTC()<br>
at System.Windows.Window.SetupInitialState(Double requestedTop, Double requestedLeft, Double requestedWidth, Double requestedHeight)<br>
at System.Windows.Window.CreateSourceWindow(Boolean duringShow)<br>
at System.Windows.Window.CreateSourceWindowDuringShow()<br>
at System.Windows.Window.SafeCreateWindowDuringShow()<br>
at System.Windows.Window.ShowHelper(Object booleanBox)<br>
at System.Windows.Threading.ExceptionWrapper.InternalRealCall(Delegate callback, Object args, Int32 numArgs)<br>
at System.Windows.Threading.ExceptionWrapper.TryCatchWhen(Object source, Delegate callback, Object args, Int32 numArgs, Delegate catchHandler)</p> | 1 |
<h4 dir="auto">Describe the workflow you want to enable</h4>
<p dir="auto">At the moment it is possible to use nystroem only by specifying the component number. Datapoints<br>
are then randomly chosen. I want to be able to pick my data points with other methods like K-Means++.</p>
<h4 dir="auto">Describe your proposed solution</h4>
<p dir="auto">The solution would be to enable the parameter n_components to take n-dim arrays and pandas dataframes as input.<br>
So n_components = [ ... ] with a small len(n_components) check because of the sample size.</p>
<p dir="auto">I think this is a rather small fix to enable some nice functionality You could make a comment, that the array<br>
has to be a subset of the data which nystroem is applied to.</p>
<h4 dir="auto">Describe alternatives you've considered, if relevant</h4>
<h4 dir="auto">Additional context</h4> | <p dir="auto">Dear developers,<br>
I would to ask for support for the provide specific landmarks points to approximate the Nystroem kernel approximation. In the current version of the code, the points are chosen randomly. In this case it is often more convenient for the user to select them beforehand using some method and already build the approximation using this method.</p>
<p dir="auto">Possible solution<br>
To be presented in a separate PR</p> | 1 |
<p dir="auto"><strong>Is this a request for help?</strong> (If yes, you should use our troubleshooting guide and community support channels, see <a href="http://kubernetes.io/docs/troubleshooting/" rel="nofollow">http://kubernetes.io/docs/troubleshooting/</a>.):</p>
<p dir="auto">No.</p>
<p dir="auto"><strong>What keywords did you search in Kubernetes issues before filing this one?</strong> (If you have found any duplicates, you should instead reply there.):</p>
<p dir="auto">kubeadm join<br>
kubeadm join crash<br>
kubeadm close of closed channel</p>
<hr>
<p dir="auto"><strong>Is this a BUG REPORT or FEATURE REQUEST?</strong> (choose one):</p>
<p dir="auto">BUG REPORT</p>
<p dir="auto"><strong>Kubernetes version</strong> (use <code class="notranslate">kubectl version</code>):</p>
<p dir="auto">Client Version: version.Info{Major:"1", Minor:"4", GitVersion:"v1.4.4", GitCommit:"3b417cc4ccd1b8f38ff9ec96bb50a81ca0ea9d56", GitTreeState:"clean", BuildDate:"2016-10-21T02:48:38Z", GoVersion:"go1.6.3", Compiler:"gc", Platform:"linux/amd64"}</p>
<p dir="auto"><strong>kubeadm version</strong> (use <code class="notranslate">kubeadm version</code>):</p>
<p dir="auto">kubeadm version: version.Info{Major:"1", Minor:"5+", GitVersion:"v1.5.0-alpha.2.380+85fe0f1aadf91e", GitCommit:"85fe0f1aadf91e134102cf3c01a9eed11a7e257f", GitTreeState:"clean", BuildDate:"2016-11-02T14:58:17Z", GoVersion:"go1.7.1", Compiler:"gc", Platform:"linux/amd64"}</p>
<p dir="auto"><strong>Environment</strong>:</p>
<ul dir="auto">
<li><strong>Cloud provider or hardware configuration</strong>:</li>
<li><strong>OS</strong> (e.g. from /etc/os-release): CentOS</li>
<li><strong>Kernel</strong> (e.g. <code class="notranslate">uname -a</code>): 3.10.0-327.36.1.el7.x86_64 <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="35192559" data-permission-text="Title is private" data-url="https://github.com/kubernetes/kubernetes/issues/1" data-hovercard-type="issue" data-hovercard-url="/kubernetes/kubernetes/issues/1/hovercard" href="https://github.com/kubernetes/kubernetes/issues/1">#1</a> SMP Sun Sep 18 13:04:29 UTC 2016 x86_64 x86_64 x86_64 GNU/Linux</li>
<li><strong>Install tools</strong>: yum</li>
<li><strong>Others</strong>:</li>
</ul>
<p dir="auto"><strong>What happened</strong>:</p>
<p dir="auto">kubeadm crash when join mulitple API endpoints</p>
<p dir="auto"><strong>What you expected to happen</strong>:</p>
<p dir="auto"><strong>How to reproduce it</strong> (as minimally and precisely as possible):</p>
<p dir="auto">join mulitple API endpoints</p>
<p dir="auto"><strong>Anything else do we need to know</strong>:</p>
<p dir="auto">kubeadm output:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="# kubeadm join --token=ab6000.d5be12581d4bc52d 10.37.0.8
Running pre-flight checks
<util/tokens> validating provided token
<node/discovery> created cluster info discovery client, requesting info from "http://10.37.0.8:9898/cluster-info/v1/?token-id=ab6000"
<node/discovery> cluster info object received, verifying signature using given token
<node/discovery> cluster info signature and contents are valid, will use API endpoints [https://10.37.0.8:6443 https://10.37.0.10:6443 https://10.37.0.11:6443 https://10.37.0.12:6443]
<node/bootstrap> trying to connect to endpoint https://10.37.0.8:6443
<node/bootstrap> trying to connect to endpoint https://10.37.0.10:6443
<node/bootstrap> trying to connect to endpoint https://10.37.0.11:6443
<node/bootstrap> trying to connect to endpoint https://10.37.0.12:6443
<node/bootstrap> detected server version v1.4.5
<node/bootstrap> detected server version v1.4.5
<node/bootstrap> detected server version v1.4.5
<node/bootstrap> detected server version v1.4.5
<node/bootstrap> successfully established connection with endpoint https://10.37.0.11:6443
<node/csr> created API client to obtain unique certificate for this node, generating keys and certificate signing request
<node/bootstrap> successfully established connection with endpoint https://10.37.0.12:6443
E1117 19:59:42.617610 3072 runtime.go:64] Observed a panic: "close of closed channel" (close of closed channel)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/runtime/runtime.go:70
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/runtime/runtime.go:63
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/runtime/runtime.go:49
/usr/local/go/src/runtime/asm_amd64.s:479
/usr/local/go/src/runtime/panic.go:458
/usr/local/go/src/runtime/chan.go:311
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/cmd/kubeadm/app/node/bootstrap.go:83
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:87
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:88
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:49
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/cmd/kubeadm/app/node/bootstrap.go:90
/usr/local/go/src/runtime/asm_amd64.s:2086
panic: close of closed channel [recovered]
panic: close of closed channel
goroutine 14 [running]:
panic(0x2065ce0, 0xc42033b990)
/usr/local/go/src/runtime/panic.go:500 +0x1a1
k8s.io/kubernetes/pkg/util/runtime.HandleCrash(0x0, 0x0, 0x0)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/runtime/runtime.go:56 +0x126
panic(0x2065ce0, 0xc42033b990)
/usr/local/go/src/runtime/panic.go:458 +0x243
k8s.io/kubernetes/cmd/kubeadm/app/node.EstablishMasterConnection.func1.1()
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/cmd/kubeadm/app/node/bootstrap.go:83 +0x29d
k8s.io/kubernetes/pkg/util/wait.JitterUntil.func1(0xc4205f3ed0)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:87 +0x5e
k8s.io/kubernetes/pkg/util/wait.JitterUntil(0xc4205f3ed0, 0x12a05f200, 0x0, 0xc420272601, 0xc4203e8fc0)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:88 +0xad
k8s.io/kubernetes/pkg/util/wait.Until(0xc4205f3ed0, 0x12a05f200, 0xc4203e8fc0)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:49 +0x4d
k8s.io/kubernetes/cmd/kubeadm/app/node.EstablishMasterConnection.func1(0xc42044a6b0, 0xc4201ea180, 0xc4203e8fc0, 0xc4203e9020, 0xc420172000, 0x401, 0x480, 0xc42044a6a0, 0x4, 0xc4203edca0, ...)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/cmd/kubeadm/app/node/bootstrap.go:90 +0x100
created by k8s.io/kubernetes/cmd/kubeadm/app/node.EstablishMasterConnection
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/cmd/kubeadm/app/node/bootstrap.go:91 +0x3ed"><pre class="notranslate"><code class="notranslate"># kubeadm join --token=ab6000.d5be12581d4bc52d 10.37.0.8
Running pre-flight checks
<util/tokens> validating provided token
<node/discovery> created cluster info discovery client, requesting info from "http://10.37.0.8:9898/cluster-info/v1/?token-id=ab6000"
<node/discovery> cluster info object received, verifying signature using given token
<node/discovery> cluster info signature and contents are valid, will use API endpoints [https://10.37.0.8:6443 https://10.37.0.10:6443 https://10.37.0.11:6443 https://10.37.0.12:6443]
<node/bootstrap> trying to connect to endpoint https://10.37.0.8:6443
<node/bootstrap> trying to connect to endpoint https://10.37.0.10:6443
<node/bootstrap> trying to connect to endpoint https://10.37.0.11:6443
<node/bootstrap> trying to connect to endpoint https://10.37.0.12:6443
<node/bootstrap> detected server version v1.4.5
<node/bootstrap> detected server version v1.4.5
<node/bootstrap> detected server version v1.4.5
<node/bootstrap> detected server version v1.4.5
<node/bootstrap> successfully established connection with endpoint https://10.37.0.11:6443
<node/csr> created API client to obtain unique certificate for this node, generating keys and certificate signing request
<node/bootstrap> successfully established connection with endpoint https://10.37.0.12:6443
E1117 19:59:42.617610 3072 runtime.go:64] Observed a panic: "close of closed channel" (close of closed channel)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/runtime/runtime.go:70
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/runtime/runtime.go:63
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/runtime/runtime.go:49
/usr/local/go/src/runtime/asm_amd64.s:479
/usr/local/go/src/runtime/panic.go:458
/usr/local/go/src/runtime/chan.go:311
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/cmd/kubeadm/app/node/bootstrap.go:83
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:87
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:88
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:49
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/cmd/kubeadm/app/node/bootstrap.go:90
/usr/local/go/src/runtime/asm_amd64.s:2086
panic: close of closed channel [recovered]
panic: close of closed channel
goroutine 14 [running]:
panic(0x2065ce0, 0xc42033b990)
/usr/local/go/src/runtime/panic.go:500 +0x1a1
k8s.io/kubernetes/pkg/util/runtime.HandleCrash(0x0, 0x0, 0x0)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/runtime/runtime.go:56 +0x126
panic(0x2065ce0, 0xc42033b990)
/usr/local/go/src/runtime/panic.go:458 +0x243
k8s.io/kubernetes/cmd/kubeadm/app/node.EstablishMasterConnection.func1.1()
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/cmd/kubeadm/app/node/bootstrap.go:83 +0x29d
k8s.io/kubernetes/pkg/util/wait.JitterUntil.func1(0xc4205f3ed0)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:87 +0x5e
k8s.io/kubernetes/pkg/util/wait.JitterUntil(0xc4205f3ed0, 0x12a05f200, 0x0, 0xc420272601, 0xc4203e8fc0)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:88 +0xad
k8s.io/kubernetes/pkg/util/wait.Until(0xc4205f3ed0, 0x12a05f200, 0xc4203e8fc0)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/pkg/util/wait/wait.go:49 +0x4d
k8s.io/kubernetes/cmd/kubeadm/app/node.EstablishMasterConnection.func1(0xc42044a6b0, 0xc4201ea180, 0xc4203e8fc0, 0xc4203e9020, 0xc420172000, 0x401, 0x480, 0xc42044a6a0, 0x4, 0xc4203edca0, ...)
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/cmd/kubeadm/app/node/bootstrap.go:90 +0x100
created by k8s.io/kubernetes/cmd/kubeadm/app/node.EstablishMasterConnection
/go/src/k8s.io/kubernetes/_output/dockerized/go/src/k8s.io/kubernetes/cmd/kubeadm/app/node/bootstrap.go:91 +0x3ed
</code></pre></div> | <p dir="auto">We want to deprecate today's debian-based container-vm image, and switch to GCI image by default. Before we do that, we need to validate the image using Kubernetes testing infrastructure. GCI image has three different release channels: dev, beta, and stable. Besides that they also build ci release nightly. Today we already run the the following jenkins jobs against each image release:</p>
<ul dir="auto">
<li>kubernetes-gce-e2e,</li>
<li>kubernetes-gce-e2e-slow,</li>
<li>kubernetes-gce-e2e-serial</li>
</ul>
<p dir="auto">But we are missing kubernetes-gce-e2e-soak, kubernetes-gce-e2e-scalability, probably also kubernetes-gce-e2e-upgrade (? not sure how to handle this since it is the first release), and kubernetes-gce-e2e-features.</p>
<p dir="auto">We also need to include gci image to node-e2e test suite too.</p>
<p dir="auto">Next step we should to identify the critical builds for gci to block merge-bot.</p>
<p dir="auto">Eventually, we can switch GCI image as the default image on GCE, but keep debian-based container-vm image testing until we can deprecate it.</p>
<p dir="auto"><a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/andyzheng0831/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/andyzheng0831">@andyzheng0831</a> and <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/wonderfly/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/wonderfly">@wonderfly</a> are going to write detail plan on this.</p>
<p dir="auto">cc/ <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/roberthbailey/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/roberthbailey">@roberthbailey</a> from GKE side.<br>
cc/ <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/mansoorj/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/mansoorj">@mansoorj</a> from PM side</p> | 0 |
<p dir="auto">nginx_pod.yml:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="apiVersion: v1
kind: Pod
metadata:
name: nginx
spec:
containers:
- name: nginx
image: nginx
ports:
- containerPort: 80
hostPort: 31320
resources:
limits:
cpu: 750m
memory: 1Gi"><pre class="notranslate"><code class="notranslate">apiVersion: v1
kind: Pod
metadata:
name: nginx
spec:
containers:
- name: nginx
image: nginx
ports:
- containerPort: 80
hostPort: 31320
resources:
limits:
cpu: 750m
memory: 1Gi
</code></pre></div>
<p dir="auto">Steps and error details:</p>
<p dir="auto"><b><code class="notranslate">Step1.</code></b> mesos-slave specified --default_role=someone. we could see the following logs of mesos-master,mesos-slave declared all the resources with role of someone:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="I0914 11:47:03.723081 1315 master.cpp:3000] Registered slave 20150914-111917-302055713-5050-1294-S0 at slave(1)@33.1.1.19:5051 (cluster-4) with cpus(someone):2; mem
(someone):2929; disk(someone):35164; ports(someone):[31000-32000]
I0914 11:47:03.723228 1315 hierarchical.hpp:455] Added slave 20150914-111917-302055713-5050-1294-S0 (cluster-4) with cpus(someone):2; mem(someone):2929; disk(someon
e):35164; ports(someone):[31000-32000] (and cpus(someone):2; mem(someone):2929; disk(someone):35164; ports(someone):[31000-32000] available)
"><pre class="notranslate"><code class="notranslate">I0914 11:47:03.723081 1315 master.cpp:3000] Registered slave 20150914-111917-302055713-5050-1294-S0 at slave(1)@33.1.1.19:5051 (cluster-4) with cpus(someone):2; mem
(someone):2929; disk(someone):35164; ports(someone):[31000-32000]
I0914 11:47:03.723228 1315 hierarchical.hpp:455] Added slave 20150914-111917-302055713-5050-1294-S0 (cluster-4) with cpus(someone):2; mem(someone):2929; disk(someon
e):35164; ports(someone):[31000-32000] (and cpus(someone):2; mem(someone):2929; disk(someone):35164; ports(someone):[31000-32000] available)
</code></pre></div>
<p dir="auto"><b><code class="notranslate">Step2.</code></b> and then the master sent offers to k8s, also with “someone”. The log‘s as follows:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="I0914 11:52:16.592625 1310 master.cpp:3760] Sending 1 offers to framework 20150914-111917-302055713-5050-1294-0000 (Kubernetes) at scheduler(1)@33.1.1.22:55004
I0914 11:52:21.003809 1315 master.cpp:3461] Performing implicit task state reconciliation for framework 20150914-111917-302055713-5050-1294-0000 (Kubernetes) at sch
eduler(1)@33.1.1.22:55004
I0914 11:52:21.596210 1312 master.cpp:2273] Processing ACCEPT call for offers: [ 20150914-111917-302055713-5050-1294-O1 ] on slave 20150914-111917-302055713-5050-12
94-S0 at slave(1)@33.1.1.19:5051 (cluster-4) for framework 20150914-111917-302055713-5050-1294-0000 (Kubernetes) at scheduler(1)@33.1.1.22:55004
I0914 11:52:21.597126 1312 hierarchical.hpp:648] Recovered cpus(someone):2; mem(someone):2929; disk(someone):35164; ports(someone):[31000-32000] (total allocatable:
cpus(someone):2; mem(someone):2929; disk(someone):35164; ports(someone):[31000-32000]) on slave 20150914-111917-302055713-5050-1294-S0 from framework 20150914-11191
7-302055713-5050-1294-0000"><pre class="notranslate"><code class="notranslate">I0914 11:52:16.592625 1310 master.cpp:3760] Sending 1 offers to framework 20150914-111917-302055713-5050-1294-0000 (Kubernetes) at scheduler(1)@33.1.1.22:55004
I0914 11:52:21.003809 1315 master.cpp:3461] Performing implicit task state reconciliation for framework 20150914-111917-302055713-5050-1294-0000 (Kubernetes) at sch
eduler(1)@33.1.1.22:55004
I0914 11:52:21.596210 1312 master.cpp:2273] Processing ACCEPT call for offers: [ 20150914-111917-302055713-5050-1294-O1 ] on slave 20150914-111917-302055713-5050-12
94-S0 at slave(1)@33.1.1.19:5051 (cluster-4) for framework 20150914-111917-302055713-5050-1294-0000 (Kubernetes) at scheduler(1)@33.1.1.22:55004
I0914 11:52:21.597126 1312 hierarchical.hpp:648] Recovered cpus(someone):2; mem(someone):2929; disk(someone):35164; ports(someone):[31000-32000] (total allocatable:
cpus(someone):2; mem(someone):2929; disk(someone):35164; ports(someone):[31000-32000]) on slave 20150914-111917-302055713-5050-1294-S0 from framework 20150914-11191
7-302055713-5050-1294-0000
</code></pre></div>
<p dir="auto"><b><code class="notranslate">Step3.</code></b> k8sm create task(e.g. create pod). And the task failed with below log(mesos-master.log):</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="I0915 12:02:19.634052 1309 master.cpp:3336] Sending status update TASK_ERROR (UUID: 3fa1333c-fdfd-49dc-baf8-b1a989cd3a87) for task pod.9d458b74-5ba1-11e5-9b03-fa163
edb51bd of framework 20150914-111917-302055713-5050-1294-0000 'Task uses more resources cpus(*):1; mem(*):1088; ports(*):[31320-31320] than available cpus(someone):2; mem(someone):2929; disk(someone):35164; ports(someone):[31000-32000]'"><pre class="notranslate"><code class="notranslate">I0915 12:02:19.634052 1309 master.cpp:3336] Sending status update TASK_ERROR (UUID: 3fa1333c-fdfd-49dc-baf8-b1a989cd3a87) for task pod.9d458b74-5ba1-11e5-9b03-fa163
edb51bd of framework 20150914-111917-302055713-5050-1294-0000 'Task uses more resources cpus(*):1; mem(*):1088; ports(*):[31320-31320] than available cpus(someone):2; mem(someone):2929; disk(someone):35164; ports(someone):[31000-32000]'
</code></pre></div>
<p dir="auto">Am I did something in wrong way? Or is it a bug?<br>
If it is a bug, can I fix it and submmit a PR?</p> | <p dir="auto">Is there any particular reason for putting service ClusterIP and NodePort allocation logic into API server, instead of controller?</p>
<p dir="auto">AFAIK, allocating in API server is racy when we have multiple API server, unless we write allocation status into etcd. Currently, we have a repair controller in API server which periodically examines all service ClusterIP/NodePort allocations and handle duplicate ClusterIP/NodePort assignments, which is not elegant.</p>
<p dir="auto">So I propose to put ClusterIP/NodePort allocation logic into controller-manager component(maybe in service-controller). Adding several dedicated allocation-controllers also sounds interesting:</p>
<ul dir="auto">
<li>add a controller to allocate ClusterIP/NodePort for Service</li>
<li>add a controller to allocate PodCIDR for Node(which is putting in node-controller currently)</li>
</ul>
<p dir="auto">Considering that we have shareInformer now, seems reasonable to split all unrelated logic?</p>
<p dir="auto"><a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/smarterclayton/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/smarterclayton">@smarterclayton</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/davidopp/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/davidopp">@davidopp</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/gmarek/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/gmarek">@gmarek</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/derekwaynecarr/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/derekwaynecarr">@derekwaynecarr</a></p> | 0 |
<p dir="auto">I'd like to move rarely used/optional features of my application to separate chunks, so they can be loaded lazily.</p>
<p dir="auto">I'm using <code class="notranslate">require.ensure</code> with a chunk name:</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="require.ensure([], function(){
require("feature-foo");
}, "feature-foo");"><pre class="notranslate"><span class="pl-en">require</span><span class="pl-kos">.</span><span class="pl-en">ensure</span><span class="pl-kos">(</span><span class="pl-kos">[</span><span class="pl-kos">]</span><span class="pl-kos">,</span> <span class="pl-k">function</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">{</span>
<span class="pl-en">require</span><span class="pl-kos">(</span><span class="pl-s">"feature-foo"</span><span class="pl-kos">)</span><span class="pl-kos">;</span>
<span class="pl-kos">}</span><span class="pl-kos">,</span> <span class="pl-s">"feature-foo"</span><span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div>
<p dir="auto">In the above example <code class="notranslate">feature-foo.js</code> requires other modules from all over the place, but tries to use <code class="notranslate">require.ensure</code> consistently when requiring other features from other chunks.</p>
<p dir="auto">This works as expected only if I have one "feature" chunk. As soon as I add more chunks, many modules end up being in multiple chunks at the same time, massively increasing total size of the application. Example webpack stats have the same issue:</p>
<p dir="auto"><a href="http://webpack.github.io/analyse/#module/119" rel="nofollow">http://webpack.github.io/analyse/#module/119</a></p>
<p dir="auto">How can I ensure that every module lives only in one chunk and that is never ever ever ever in more than one chunk?</p>
<p dir="auto">Unfortunately, the dependency graph of my app is a ball of mud, so I can't guarantee that I don't have any circular dependencies or cross dependencies between chunks.</p>
<p dir="auto">I'd be OK if need for a module to be in more than one chunk was a compilation error, or if the module was moved to the entry chunk, or triggered load of more chunks. Just never duplicate any code.</p> | <p dir="auto">When using next.js 10.2, im unable to successfully re-join the container code with the single runtime chunk.</p>
<p dir="auto">I was previously able to re-merge them with a simple plugin</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" compiler.hooks.emit.tap(PLUGIN_NAME, (compilation) => {
const { assets } = compilation;
const assetArray = Object.keys(assets);
let runtimePath = assetArray.find((asset) => {
return asset.includes(this._options.runtime);
});
const runtime = assets[runtimePath];
let remoteEntryPath = assetArray.find((asset) => {
return asset.includes(this._options.fileName);
});
const remoteEntry = assets[remoteEntryPath];
const mergedSource = new ConcatSource(runtime, remoteEntry);
assets[remoteEntryPath] = mergedSource;
});"><pre class="notranslate"><code class="notranslate"> compiler.hooks.emit.tap(PLUGIN_NAME, (compilation) => {
const { assets } = compilation;
const assetArray = Object.keys(assets);
let runtimePath = assetArray.find((asset) => {
return asset.includes(this._options.runtime);
});
const runtime = assets[runtimePath];
let remoteEntryPath = assetArray.find((asset) => {
return asset.includes(this._options.fileName);
});
const remoteEntry = assets[remoteEntryPath];
const mergedSource = new ConcatSource(runtime, remoteEntry);
assets[remoteEntryPath] = mergedSource;
});
</code></pre></div>
<p dir="auto">However, this no longer works and I get a "container does not exist" error, even when typing directly into the browser console <code class="notranslate">window.remoteName</code> will return undefined.</p>
<p dir="auto">My idea is to try and get the runtime requirements added to the normal webpack runtime, then duplicate the asset and strip the hashed name off of it. This should give me a "normal" functioning container capable of booting and running without having to track down and load both the webpack runtime and the container.js file of the remote</p>
<p dir="auto"><a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/sokra/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/sokra">@sokra</a>, do you have any ideas around how I can force the usually code split runtime requirement back into the standard webpack runtime?</p> | 0 |
<p dir="auto">I think boolean in <a href="https://github.com/angular/angular/blob/master/modules/angular2/src/facade/async.ts#L109-L164">EventEmitter</a> parameter is an antipattern, lot of articles ara in this topic:<br>
<a href="http://silkandspinach.net/2004/07/15/avoid-boolean-parameters/" rel="nofollow">http://silkandspinach.net/2004/07/15/avoid-boolean-parameters/</a></p>
<p dir="auto">from</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="new EventEmitter(false)"><pre class="notranslate"><code class="notranslate">new EventEmitter(false)
</code></pre></div>
<p dir="auto">to</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="new EventEmitter({isAsync: false})"><pre class="notranslate"><code class="notranslate">new EventEmitter({isAsync: false})
</code></pre></div>
<p dir="auto">One more thing node EventEmitter is sync by default:<br>
<a href="https://github.com/Gozala/events/blob/master/events.js">https://github.com/Gozala/events/blob/master/events.js</a></p> | <p dir="auto">Ref: <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="121557559" data-permission-text="Title is private" data-url="https://github.com/angular/angular/issues/5808" data-hovercard-type="issue" data-hovercard-url="/angular/angular/issues/5808/hovercard" href="https://github.com/angular/angular/issues/5808">#5808</a> <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="125121246" data-permission-text="Title is private" data-url="https://github.com/angular/angular/issues/6287" data-hovercard-type="issue" data-hovercard-url="/angular/angular/issues/6287/hovercard" href="https://github.com/angular/angular/issues/6287">#6287</a></p>
<p dir="auto">Currently we're overriding the JS EventEmitter's subscribe function with a timeout, this should be removed, which will default to sync delivery. Dart Streams are async by default, and we'll need to force them to sync for this case.</p> | 1 |
<p dir="auto">Basically in my twig template (if you come from Symfony2 you will know what I mean), if you have this sort of usage:</p>
<div class="highlight highlight-text-html-django notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="<button data-loading-text="{{ 'foo.bar.save_button.label'|trans }}" class="btn primary">{{ 'foo.bar.save_button.label'|trans }}</button>"><pre class="notranslate"><<span class="pl-ent">button</span> <span class="pl-e">data-loading-text</span>=<span class="pl-s"><span class="pl-pds">"</span>{{ 'foo.bar.save_button.label'|trans }}<span class="pl-pds">"</span></span> <span class="pl-e">class</span>=<span class="pl-s"><span class="pl-pds">"</span>btn primary<span class="pl-pds">"</span></span>>{{ 'foo.bar.save_button.label'|trans }}</<span class="pl-ent">button</span>></pre></div>
<p dir="auto">I'm just saying that I want the "disabled" behaviour of the button, but I don't want the text to change when the button is loading. However, there is obviously a bit of duplication here in my template that I'd rather avoid to keep my line size down and typing down.</p>
<p dir="auto">How about some sort of alternative value / attribute when you want the text to be the same?</p>
<p dir="auto">Or, maybe what I'm really looking for is just a disabled state?</p>
<div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="myButton.button("disabled");"><pre class="notranslate"><span class="pl-s1">myButton</span><span class="pl-kos">.</span><span class="pl-en">button</span><span class="pl-kos">(</span><span class="pl-s">"disabled"</span><span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div> | <p dir="auto">There's one line that uses the <code class="notranslate">slide.bs.carousel</code> event, and there are others that use <code class="notranslate">slid.bs.carousel</code>. Is this a typo? I don't know if I'm missing anything, sorry in that case!</p>
<p dir="auto"><a href="https://github.com/twbs/bootstrap/blob/master/js/carousel.js#L106">https://github.com/twbs/bootstrap/blob/master/js/carousel.js#L106</a></p> | 0 |
<h5 dir="auto">Issue Type:</h5>
<p dir="auto">Bug Report</p>
<h5 dir="auto">Ansible Version:</h5>
<p dir="auto">ansible 1.6.7</p>
<h5 dir="auto">Environment:</h5>
<p dir="auto">Red Hat Enterprise Linux Server release 6.5 (Santiago)</p>
<h5 dir="auto">Summary:</h5>
<p dir="auto">When using the lvg module, if vg_options is not provided then Ansible will crash with a traceback.</p>
<h5 dir="auto">Steps To Reproduce:</h5>
<p dir="auto">Play:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="- name: Create the data LVM VG
lvg: vg=data pvs=/dev/xvda2 pesize=32"><pre class="notranslate"><code class="notranslate">- name: Create the data LVM VG
lvg: vg=data pvs=/dev/xvda2 pesize=32
</code></pre></div>
<p dir="auto">Traceback:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="TASK: [partitioning | Create the data LVM VG] *********************************
failed: [testwebpost21] => {"failed": true, "parsed": false}
invalid output was: SUDO-SUCCESS-ieypxlylttyivekkfyplwlhjtktktnub
Traceback (most recent call last):
File "/home/ec2-user/.ansible/tmp/ansible-tmp-1406270471.12-134934980308379/lvg", line 1460, in <module>
main()
File "/home/ec2-user/.ansible/tmp/ansible-tmp-1406270471.12-134934980308379/lvg", line 119, in main
vgoptions = module.params.get('vg_options', '').split()
AttributeError: 'NoneType' object has no attribute 'split'"><pre class="notranslate"><code class="notranslate">TASK: [partitioning | Create the data LVM VG] *********************************
failed: [testwebpost21] => {"failed": true, "parsed": false}
invalid output was: SUDO-SUCCESS-ieypxlylttyivekkfyplwlhjtktktnub
Traceback (most recent call last):
File "/home/ec2-user/.ansible/tmp/ansible-tmp-1406270471.12-134934980308379/lvg", line 1460, in <module>
main()
File "/home/ec2-user/.ansible/tmp/ansible-tmp-1406270471.12-134934980308379/lvg", line 119, in main
vgoptions = module.params.get('vg_options', '').split()
AttributeError: 'NoneType' object has no attribute 'split'
</code></pre></div>
<h5 dir="auto">Expected Results:</h5>
<p dir="auto">I expect this play to work.<br>
I expect not to have to provide the vg_options arg, since it is documented as optional (and appears to be optional in the source code too)</p>
<h5 dir="auto">Actual Results:</h5>
<p dir="auto">Ansible crashes with a traceback - as above in the "Steps To Reproduce" section.</p>
<h5 dir="auto">Known workaround:</h5>
<p dir="auto">Provide vg_options as an empty string, for example:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="- name: Create the data LVM VG
lvg: vg=data pvs=/dev/xvda2 pesize=32 vg_options="""><pre class="notranslate"><code class="notranslate">- name: Create the data LVM VG
lvg: vg=data pvs=/dev/xvda2 pesize=32 vg_options=""
</code></pre></div> | <h5 dir="auto">ISSUE TYPE</h5>
<ul dir="auto">
<li>Bug Report</li>
</ul>
<h4 dir="auto">Problem Still reproducible after ansible upgrade ( duplicate from <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="136687524" data-permission-text="Title is private" data-url="https://github.com/ansible/ansible/issues/14677" data-hovercard-type="issue" data-hovercard-url="/ansible/ansible/issues/14677/hovercard" href="https://github.com/ansible/ansible/issues/14677">#14677</a>)</h4>
<h5 dir="auto">ANSIBLE VERSION</h5>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="ansible 2.2.0 (devel c9a5b1c555) last updated 2016/06/02 15:42:56 (GMT +200)
lib/ansible/modules/core: (detached HEAD ca4365b644) last updated 2016/06/02 15:43:14 (GMT +200)
lib/ansible/modules/extras: (detached HEAD b0aec50b9a) last updated 2016/06/02 15:43:15 (GMT +200)
config file = /etc/ansible/ansible.cfg
configured module search path = Default w/o overrides
Python 2.7.5 (default, Oct 11 2015, 17:47:16)
[GCC 4.8.3 20140911 (Red Hat 4.8.3-9)] on linux2
Ansible Configuration:
ansible_ssh_user: xxxx
ansible_ssh_pass: xxxxx
ansible_connection: winrm
ansible_ssh_port: 5985"><pre class="notranslate"><code class="notranslate">ansible 2.2.0 (devel c9a5b1c555) last updated 2016/06/02 15:42:56 (GMT +200)
lib/ansible/modules/core: (detached HEAD ca4365b644) last updated 2016/06/02 15:43:14 (GMT +200)
lib/ansible/modules/extras: (detached HEAD b0aec50b9a) last updated 2016/06/02 15:43:15 (GMT +200)
config file = /etc/ansible/ansible.cfg
configured module search path = Default w/o overrides
Python 2.7.5 (default, Oct 11 2015, 17:47:16)
[GCC 4.8.3 20140911 (Red Hat 4.8.3-9)] on linux2
Ansible Configuration:
ansible_ssh_user: xxxx
ansible_ssh_pass: xxxxx
ansible_connection: winrm
ansible_ssh_port: 5985
</code></pre></div>
<h5 dir="auto">CONFIGURATION</h5>
<h5 dir="auto">OS / ENVIRONMENT</h5>
<p dir="auto">Ansible running in RHEL 7.2<br>
OS remote is Windows 2008R2 with powershell 4.0</p>
<h5 dir="auto">SUMMARY</h5>
<p dir="auto">When delegating an action for a windows host to a linux host I get this error:<br>
FAILED! => {"failed": true, "msg": "ssl: 500 WinRMTransport. [Errno 111] Connection refused"}</p>
<h5 dir="auto">STEPS TO REPRODUCE</h5>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Try delegating an action from a windows host to a linux host:
file: main.yml
- name: 01-EsperarTermineReinicioServidor
wait_for: port=3389 host="192.168.1.10" delay=10 timeout=600 state=started
delegate_to: 127.0.0.1"><pre class="notranslate"><code class="notranslate">Try delegating an action from a windows host to a linux host:
file: main.yml
- name: 01-EsperarTermineReinicioServidor
wait_for: port=3389 host="192.168.1.10" delay=10 timeout=600 state=started
delegate_to: 127.0.0.1
</code></pre></div>
<h5 dir="auto">EXPECTED RESULTS</h5>
<h5 dir="auto">ACTUAL RESULTS</h5>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="FAILED! => {"failed": true, "msg": "ssl: 500 WinRMTransport. [Errno 111] Connection refused"}
"><pre class="notranslate"><code class="notranslate">FAILED! => {"failed": true, "msg": "ssl: 500 WinRMTransport. [Errno 111] Connection refused"}
</code></pre></div> | 0 |
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have searched the <a href="https://github.com/apache/incubator-dubbo/issues">issues</a> of this repository and believe that this is not a duplicate.</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have checked the <a href="https://github.com/apache/incubator-dubbo/blob/master/FAQ.md">FAQ</a> of this repository and believe that this is not a duplicate.</li>
</ul>
<h3 dir="auto">Environment</h3>
<ul dir="auto">
<li>Dubbo version: 2.6.5</li>
<li>Operating System version: xxx</li>
<li>Java version: xxx</li>
</ul>
<p dir="auto"><strong>问题:</strong><br>
排序会出现问题<br>
com.alibaba.dubbo.common.extension.support.ActivateComparator 这个比较器在这种场景下的排序会出现问题。</p>
<p dir="auto"><strong>现象:</strong><br>
扩展接口的实现类实现了多个接口,其中包括当前SPI接口,还有其它接口,如果实现类实现接口的顺序第一个不是SPI接口,则排序是错误的。</p>
<p dir="auto"><strong>原因:</strong><br>
因为ActivateComparator 代码的表逻辑判定是第一个必须是SPI接口---》o1.getClass().getInterfaces()[0].isAnnotationPresent(SPI.class)。</p> | <ul class="contains-task-list">
<li class="task-list-item">
<p dir="auto"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have searched the <a href="https://github.com/apache/incubator-dubbo/issues">issues</a> of this repository and believe that this is not a duplicate.</p>
</li>
<li class="task-list-item">
<p dir="auto"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I have checked the <a href="https://github.com/apache/incubator-dubbo/blob/master/FAQ.md">FAQ</a> of this repository and believe that this is not a duplicate.</p>
<p dir="auto">I am wondering whether you want a code static analysis tool to avoid simple mistakes in Dubbo, I saw <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="308545875" data-permission-text="Title is private" data-url="https://github.com/apache/dubbo/issues/1513" data-hovercard-type="issue" data-hovercard-url="/apache/dubbo/issues/1513/hovercard" href="https://github.com/apache/dubbo/issues/1513">#1513</a> this suggestion, and maybe a Error Prone (<a href="https://github.com/google/error-prone">https://github.com/google/error-prone</a>) from google is a good choice.</p>
<p dir="auto">Maybe it sometimes annoys us, but it can definitely help us to eliminate some serious bug.</p>
<p dir="auto">How do you guys think?</p>
</li>
</ul> | 0 |
<p dir="auto">A clear and concise description of what the bug is.</p>
<h3 dir="auto">Expected results</h3>
<p dir="auto">Error msg telling that dataset already exists</p>
<h3 dir="auto">Actual results</h3>
<p dir="auto">Error saving dataset Object Object</p>
<h4 dir="auto">Screenshots</h4>
<p dir="auto">If applicable, add screenshots to help explain your problem.<br>
<a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/5727938/88740567-639b3300-d0f2-11ea-9b14-2fe1e9725b4d.png"><img src="https://user-images.githubusercontent.com/5727938/88740567-639b3300-d0f2-11ea-9b14-2fe1e9725b4d.png" alt="image" style="max-width: 100%;"></a></p>
<h4 dir="auto">How to reproduce the bug</h4>
<ol dir="auto">
<li>dataset list view in react CRUD</li>
<li>create dataset</li>
<li>try to create same dataset</li>
<li>See error</li>
</ol>
<h3 dir="auto">Environment</h3>
<p dir="auto">(please complete the following information):</p>
<ul dir="auto">
<li>superset version: <code class="notranslate">superset version</code></li>
<li>python version: <code class="notranslate">python --version</code></li>
<li>node.js version: <code class="notranslate">node -v</code></li>
<li>npm version: <code class="notranslate">npm -v</code></li>
</ul>
<p dir="auto">latest master</p>
<p dir="auto">cc <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/nytai/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/nytai">@nytai</a></p> | <p dir="auto">Evaluating superset for our BI/analytical dashboards. Could not find drill down option. My use case would be I want to show Geo wise Sales in a Pie Chart and on click of that User should redirected to another page with Country wise Sales Chart.</p>
<p dir="auto">Do let me know if you have anything similar to that or any workaround.<br>
Thanks<br>
Sougata</p> | 0 |
<h4 dir="auto">Description</h4>
<p dir="auto">A deprecation warning is thrown when using sklearn. Recently cloudpickle was updated to do away with this warning, the sklearn version needs to be updated accordingly.</p>
<h4 dir="auto">Steps/Code to Reproduce</h4>
<p dir="auto">I imagine this occurs anywhere cloudpickle is imported. I am getting it from:<br>
<code class="notranslate">from sklearn.ensemble import RandomForestRegressor</code><br>
and using said Regressor</p>
<h4 dir="auto">Expected Results</h4>
<p dir="auto">No deprecation warning should be thrown</p>
<h4 dir="auto">Actual Results</h4>
<p dir="auto">/usr/local/lib/python3.6/dist-packages/sklearn/externals/joblib/externals/cloudpickle/cloudpickle.py:47: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses<br>
import imp</p>
<h4 dir="auto">Versions</h4>
<h2 dir="auto">System</h2>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="python: 3.6.6 (default, Sep 12 2018, 18:26:19) [GCC 8.0.1 20180414 (experimental) [trunk revision 259383]]
executable: /usr/bin/python3.6
machine: Linux-4.15.0-36-generic-x86_64-with-Ubuntu-18.04-bionic"><pre class="notranslate"><code class="notranslate">python: 3.6.6 (default, Sep 12 2018, 18:26:19) [GCC 8.0.1 20180414 (experimental) [trunk revision 259383]]
executable: /usr/bin/python3.6
machine: Linux-4.15.0-36-generic-x86_64-with-Ubuntu-18.04-bionic
</code></pre></div>
<h2 dir="auto">BLAS</h2>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="macros: NO_ATLAS_INFO=1, HAVE_CBLAS=None
lib_dirs: /usr/lib/x86_64-linux-gnu
cblas_libs: cblas"><pre class="notranslate"><code class="notranslate">macros: NO_ATLAS_INFO=1, HAVE_CBLAS=None
lib_dirs: /usr/lib/x86_64-linux-gnu
cblas_libs: cblas
</code></pre></div>
<h2 dir="auto">Python deps</h2>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="pip: 18.1
setuptools: 40.0.0
sklearn: 0.20.0
numpy: 1.15.3
scipy: 1.1.0
Cython: None
pandas: 0.23.4"><pre class="notranslate"><code class="notranslate">pip: 18.1
setuptools: 40.0.0
sklearn: 0.20.0
numpy: 1.15.3
scipy: 1.1.0
Cython: None
pandas: 0.23.4
</code></pre></div> | <h4 dir="auto">Description</h4>
<p dir="auto">I get this error after importing the module<br>
<code class="notranslate">/usr/local/lib/python3.6/dist-packages/sklearn/externals/joblib/externals/cloudpickle/cloudpickle.py:47: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses import imp</code></p>
<p dir="auto">Can I ignore it?<br>
How to solve it?</p>
<h4 dir="auto">Steps/Code to Reproduce</h4>
<p dir="auto"><code class="notranslate">import sklearn</code></p>
<h4 dir="auto">Expected Results</h4>
<p dir="auto">NO ISSUE</p>
<h4 dir="auto">Actual Results</h4>
<p dir="auto"><code class="notranslate">/usr/local/lib/python3.6/dist-packages/sklearn/externals/joblib/externals/cloudpickle/cloudpickle.py:47: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses import imp</code></p>
<h4 dir="auto">Versions</h4>
<p dir="auto">PLATFORM=Linux-4.15.0-34-generic-x86_64-with-Ubuntu-18.04-bionic<br>
PYTHON=Python 3.6.5 (default, Apr 1 2018, 05:46:30) [GCC 7.3.0]<br>
NUMPY=NumPy 1.15.2<br>
SCIPY= SciPy 1.1.0<br>
SKLEARN=Scikit-Learn 0.20rc1</p> | 1 |
<p dir="auto">Using these dependencies:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=""devDependencies": {
"ts-loader": "^0.7.2",
"typings": "^0.7.7",
"typescript": "^1.8.2",
"webpack": "^1.12.14",
"webpack-dev-server": "^1.14.1"
},
"dependencies": {
"angular2": "^2.0.0-beta.9",
"es6-promise": "^3.1.2",
"es6-shim": "^0.33.3",
"reflect-metadata": "^0.1.2",
"rxjs": "^5.0.0-beta.2",
"zone.js": "^0.5.10"
}"><pre class="notranslate"><code class="notranslate">"devDependencies": {
"ts-loader": "^0.7.2",
"typings": "^0.7.7",
"typescript": "^1.8.2",
"webpack": "^1.12.14",
"webpack-dev-server": "^1.14.1"
},
"dependencies": {
"angular2": "^2.0.0-beta.9",
"es6-promise": "^3.1.2",
"es6-shim": "^0.33.3",
"reflect-metadata": "^0.1.2",
"rxjs": "^5.0.0-beta.2",
"zone.js": "^0.5.10"
}
</code></pre></div>
<p dir="auto">and this <code class="notranslate">tsconfig.json</code>:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="{
"compilerOptions": {
"target": "es5",
"module": "commonjs",
"moduleResolution": "node",
"removeComments": true,
"emitDecoratorMetadata": true,
"experimentalDecorators": true,
"sourceMap": true,
"noImplicitAny": false
},
"exclude": [
"node_modules",
"typings/main.d.ts",
"typings/main"
]
}"><pre class="notranslate"><code class="notranslate">{
"compilerOptions": {
"target": "es5",
"module": "commonjs",
"moduleResolution": "node",
"removeComments": true,
"emitDecoratorMetadata": true,
"experimentalDecorators": true,
"sourceMap": true,
"noImplicitAny": false
},
"exclude": [
"node_modules",
"typings/main.d.ts",
"typings/main"
]
}
</code></pre></div>
<p dir="auto">and also correctly referencing <code class="notranslate">/// <reference path="../node_modules/angular2/typings/browser.d.ts" /></code> from the <code class="notranslate">boot.ts</code> (bootstrap file)...</p>
<p dir="auto">...I still get this TS errors during compilation:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/wtf.ts
(5,13): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/geolocation.ts
(4,7): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/geolocation.ts
(4,27): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/geolocation.ts
(5,26): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/property-descriptor.ts
(69,19): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/event-target.ts
(7,13): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/event-target.ts
(8,41): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/event-target.ts
(36,19): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/event-target.ts
(36,34): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/websocket.ts
(5,18): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/websocket.ts
(8,14): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/websocket.ts
(11,9): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/register-element.ts
(5,77): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/register-element.ts
(23,32): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/register-element.ts
(26,40): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/register-element.ts
(29,38): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(9,23): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(12,3): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(13,51): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(15,29): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(20,3): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(29,3): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(40,18): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(44,9): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(48,31): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(51,49): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(17,16): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(17,43): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(20,16): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(20,45): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(96,5): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(101,14): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(8,17): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(30,18): error TS2304: Cannot find name 'process'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(30,62): error TS2304: Cannot find name 'process'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(112,76): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(119,26): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(120,12): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(131,7): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(137,26): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(138,18): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(147,23): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(150,3): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(168,9): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(172,31): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(175,49): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(190,7): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/promise.ts
(24,5): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/promise.ts
(50,13): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/promise.ts
(91,7): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/promise.ts
(110,1): error TS2304: Cannot find name 'module'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/browser.ts
(13,33): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/browser.ts
(13,41): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/browser.ts
(22,25): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/core.ts
(105,19): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/core.ts
(108,5): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/core.ts
(122,7): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/microtask.ts
(10,17): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/microtask.ts
(11,5): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/microtask.ts
(23,18): error TS2304: Cannot find name 'require'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/microtask.ts
(34,3): error TS2304: Cannot find name 'global'.
ERROR in ./~/zone.js/lib/browser/zone-microtask.ts
(13,3): error TS2304: Cannot find name 'global'.
ERROR in ./~/zone.js/lib/browser/zone-microtask.ts
(14,3): error TS2304: Cannot find name 'global'.
ERROR in ./~/zone.js/lib/browser/zone-microtask.ts
(14,21): error TS2304: Cannot find name 'global'.
ERROR in ./~/zone.js/lib/browser/zone-microtask.ts
(17,3): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-promise/es6-promise.d.ts
(11,15): error TS2300: Duplicate identifier 'Promise'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-promise/es6-promise.d.ts
(42,16): error TS2300: Duplicate identifier 'Promise'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(22,5): error TS2300: Duplicate identifier 'done'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(23,5): error TS2300: Duplicate identifier 'value'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(46,5): error TS2300: Duplicate identifier 'size'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(52,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(66,5): error TS2300: Duplicate identifier 'size'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(72,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(88,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(103,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/browser.d.ts
(6,14): error TS2300: Duplicate identifier 'PromiseConstructor'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(11,5): error TS2300: Duplicate identifier 'done'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(12,5): error TS2300: Duplicate identifier 'value'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(477,11): error TS2300: Duplicate identifier 'Promise'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(496,11): error TS2300: Duplicate identifier 'PromiseConstructor'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(554,13): error TS2300: Duplicate identifier 'Promise'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(563,5): error TS2300: Duplicate identifier 'size'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(572,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(583,5): error TS2300: Duplicate identifier 'size'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(592,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(607,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(621,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in ./~/zone.js/lib/browser/zone-microtask.ts
Module parse failed: /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/browser/zone-microtask.ts Line 3: Unexpected token
You may need an appropriate loader to handle this file type.
| 'use strict';
|
| import * as microtask from '../microtask';
| import * as es6Promise from 'es6-promise';
| import * as core from '../core';
@ ./app/vendor.ts 4:0-45"><pre class="notranslate"><code class="notranslate">ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/wtf.ts
(5,13): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/geolocation.ts
(4,7): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/geolocation.ts
(4,27): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/geolocation.ts
(5,26): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/property-descriptor.ts
(69,19): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/event-target.ts
(7,13): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/event-target.ts
(8,41): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/event-target.ts
(36,19): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/event-target.ts
(36,34): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/websocket.ts
(5,18): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/websocket.ts
(8,14): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/websocket.ts
(11,9): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/register-element.ts
(5,77): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/register-element.ts
(23,32): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/register-element.ts
(26,40): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/register-element.ts
(29,38): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(9,23): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(12,3): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(13,51): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(15,29): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(20,3): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(29,3): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(40,18): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(44,9): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(48,31): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/mutation-observer.ts
(51,49): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(17,16): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(17,43): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(20,16): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(20,45): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(96,5): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/functions.ts
(101,14): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(8,17): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(30,18): error TS2304: Cannot find name 'process'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(30,62): error TS2304: Cannot find name 'process'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(112,76): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(119,26): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(120,12): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(131,7): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(137,26): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(138,18): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(147,23): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(150,3): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(168,9): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(172,31): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(175,49): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/utils.ts
(190,7): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/promise.ts
(24,5): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/promise.ts
(50,13): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/promise.ts
(91,7): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/promise.ts
(110,1): error TS2304: Cannot find name 'module'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/browser.ts
(13,33): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/browser.ts
(13,41): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/patch/browser.ts
(22,25): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/core.ts
(105,19): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/core.ts
(108,5): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/core.ts
(122,7): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/microtask.ts
(10,17): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/microtask.ts
(11,5): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/microtask.ts
(23,18): error TS2304: Cannot find name 'require'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/microtask.ts
(34,3): error TS2304: Cannot find name 'global'.
ERROR in ./~/zone.js/lib/browser/zone-microtask.ts
(13,3): error TS2304: Cannot find name 'global'.
ERROR in ./~/zone.js/lib/browser/zone-microtask.ts
(14,3): error TS2304: Cannot find name 'global'.
ERROR in ./~/zone.js/lib/browser/zone-microtask.ts
(14,21): error TS2304: Cannot find name 'global'.
ERROR in ./~/zone.js/lib/browser/zone-microtask.ts
(17,3): error TS2304: Cannot find name 'global'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-promise/es6-promise.d.ts
(11,15): error TS2300: Duplicate identifier 'Promise'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-promise/es6-promise.d.ts
(42,16): error TS2300: Duplicate identifier 'Promise'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(22,5): error TS2300: Duplicate identifier 'done'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(23,5): error TS2300: Duplicate identifier 'value'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(46,5): error TS2300: Duplicate identifier 'size'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(52,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(66,5): error TS2300: Duplicate identifier 'size'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(72,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(88,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/es6-collections/es6-collections.d.ts
(103,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/node_modules/angular2/typings/browser.d.ts
(6,14): error TS2300: Duplicate identifier 'PromiseConstructor'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(11,5): error TS2300: Duplicate identifier 'done'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(12,5): error TS2300: Duplicate identifier 'value'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(477,11): error TS2300: Duplicate identifier 'Promise'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(496,11): error TS2300: Duplicate identifier 'PromiseConstructor'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(554,13): error TS2300: Duplicate identifier 'Promise'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(563,5): error TS2300: Duplicate identifier 'size'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(572,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(583,5): error TS2300: Duplicate identifier 'size'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(592,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(607,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in /Users/marcin/projects/ng2-webpack-lion/typings/browser/ambient/es6-shim/index.d.ts
(621,5): error TS2300: Duplicate identifier 'prototype'.
ERROR in ./~/zone.js/lib/browser/zone-microtask.ts
Module parse failed: /Users/marcin/projects/ng2-webpack-lion/node_modules/zone.js/lib/browser/zone-microtask.ts Line 3: Unexpected token
You may need an appropriate loader to handle this file type.
| 'use strict';
|
| import * as microtask from '../microtask';
| import * as es6Promise from 'es6-promise';
| import * as core from '../core';
@ ./app/vendor.ts 4:0-45
</code></pre></div>
<p dir="auto">Seems like none of the known workarounds do the job.</p> | <p dir="auto"><strong>I'm submitting a ...</strong> (check one with "x")</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[x] bug report => search github for a similar issue or PR before submitting
[ ] feature request
[ ] support request => Please do not submit support request here, instead see https://github.com/angular/angular/blob/master/CONTRIBUTING.md#question"><pre class="notranslate"><code class="notranslate">[x] bug report => search github for a similar issue or PR before submitting
[ ] feature request
[ ] support request => Please do not submit support request here, instead see https://github.com/angular/angular/blob/master/CONTRIBUTING.md#question
</code></pre></div>
<p dir="auto"><strong>Current behavior</strong><br>
When the user enters a non numeric string in a input having the NumberValueAccessor directive , the value of the ng control is null.</p>
<p dir="auto"><strong>Expected behavior</strong><br>
The value of a ng control attached to an input having the NumberValueAccessor directive should be :</p>
<ul dir="auto">
<li>a javascript number when the user entered a string representing a number</li>
<li>null if the user has not entered anything</li>
<li><strong>NaN if the user entered a string that not represents a number</strong></li>
</ul>
<p dir="auto">The first two cases are just, but the latter is false. In the latter two cases the value is always null.</p>
<p dir="auto"><strong>Reproduction of the problem</strong><br>
The NumberValueAccessor being associated with a selector like input[type=number], simply declare a such input.<br>
<code class="notranslate"><input type="number" [(ngModel)]="model.intValue" /></code><br>
Then get the value of the ng control after have entered a non numeric string in the input.</p>
<p dir="auto"><strong>What is the motivation / use case for changing the behavior?</strong><br>
We need to distinguish between a lack of input and an input error. A lack of input can be valid if the field is optional, while a input error should be notified to the user to allow him to correct its input.</p>
<p dir="auto"><strong>Please tell us about your environment:</strong><br>
Windows 7, Visual Studio 2015, Npm</p>
<ul dir="auto">
<li>
<p dir="auto"><strong>Angular version:</strong> 2.0.0-rc.X</p>
</li>
<li>
<p dir="auto"><strong>Browser:</strong> Firefox 48, but surely all browsers</p>
</li>
<li>
<p dir="auto"><strong>Language:</strong> TypeScript 2.0</p>
</li>
</ul> | 0 |
<pre class="notranslate">Forwarded conversation
Subject: [golang-dev] unsafe.Sizeof
------------------------
From: Anthony Martin <[email protected]>
Date: Sat, Jun 4, 2011 at 13:10
To: [email protected]
I've been working out some issues in the compiler related to
types with very large sizes and I'm almost ready to send out
a CL. Before doing so, however, I'd like some clarification
on the intended semantics of unsafe.Sizeof.
Should unsafe.Sizeof be able to represent the size of every
valid type and if so, should we allow types larger than the
maximum positive signed 32-bit integer?
Right now, there are a few parts of the compiler that are a
bit too cavalier with the width of a type.
Thanks,
Anthony
----------
From: Ian Lance Taylor <[email protected]>
Date: Sat, Jun 4, 2011 at 16:20
To: Anthony Martin <[email protected]>
Cc: [email protected]
My opinion: Yes. No. (Or, rather, we should not allow types larger
than the size of int, which is currently 32 bits.)
Ian
----------
From: Russ Cox <[email protected]>
Date: Tue, Jun 7, 2011 at 14:51
To: Ian Lance Taylor <[email protected]>
Cc: Anthony Martin <[email protected]>, golang-dev
<[email protected]>
I think unsafe.Sizeof should return uintptr.
It's possible that unsafe.Alignof should too.
This would be a language change.
----------
From: Ian Lance Taylor <[email protected]>
Date: Tue, Jun 7, 2011 at 15:45
To: [email protected]
Cc: Anthony Martin <[email protected]>, golang-dev
<[email protected]>
Works for me.
Ian
----------
From: Rob 'Commander' Pike <[email protected]>
Date: Fri, Jun 10, 2011 at 03:22
To: Ian Lance Taylor <[email protected]>
Cc: [email protected], Anthony Martin <[email protected]>, golang-dev
<[email protected]>
LGTM</pre> | <p dir="auto">I regret having to bring up anything related to sockets. I hate them as much as the next gopher.</p>
<p dir="auto">There are some cases[1] where setting socket options (like <code class="notranslate">SO_REUSEPORT</code>) is just unavoidable. In most cases, we can pull out the <code class="notranslate">conn.File()</code> and set them. But those few annoying cases where the option must be set on the socket <em>before</em> listening or dialing are impossible to handle with today's net package. (please tell me i'm wrong!)</p>
<p dir="auto">"Setting the socket up yourself" <em>is not</em> a good option. Getting sockets right is not trivial-- there are bound to be dozens of tricky corner cases across platforms. <a href="https://github.com/jbenet/go-reuseport">I gave it a shot</a>, but I keep finding problems in various OSes. It would be much more user friendly to stick to the <code class="notranslate">net</code> interface which already had to do all this hard work.</p>
<p dir="auto">Now, I would even go as far as to copy the <code class="notranslate">net</code> package wholesale just to add this feature, but AFAIK the existence of the <code class="notranslate">runtime·</code> functions makes this also impossible (such a <code class="notranslate">netcopy</code> wont compile). Without them, we're left up to whittling down <code class="notranslate">netcopy</code> (and exchanging the runtime polling for <code class="notranslate">select/epoll/ugliness</code>) , most likely introducing more bugs.</p>
<p dir="auto">A nice way to solve this -- I think -- is to make listeners and dialers have "tuners", as implemented in <a href="https://github.com/benburkert/net.tune/">https://github.com/benburkert/net.tune/</a> [3]. This approach is based on rob's <a href="http://commandcenter.blogspot.nl/2014/01/self-referential-functions-and-design.html" rel="nofollow">self-referential functions</a>, and manages to contain the ugly, exposing a nice interface.[4] But I imagine there are many other approaches that are even nicer and idiomatic.</p>
<p dir="auto">I know-- the stdlib is trying to contain the ugly as much as possible and prevent it from spreading. But in this type of case, the current state of affairs brings it out more for some of us.</p>
<hr>
<p dir="auto">[1] One example: being able to dial out from the same TCP port you're listening on is a <em>requirement</em> for some kinds of NAT traversal.</p>
<p dir="auto">[2] There's issues in this very tracker showing <em>years</em> of tuning the use of sockets.</p>
<p dir="auto">[3] Specifically: <a href="https://github.com/benburkert/net.tune/blob/master/dial.go#L59-L63">https://github.com/benburkert/net.tune/blob/master/dial.go#L59-L63</a></p>
<p dir="auto">[4] It could be done with new functions -- or if the goal is to keep the interface thin, a variadic argument to the existing functions should be backwards compatible.</p> | 0 |
<h4 dir="auto">Describe the bug</h4>
<p dir="auto">The optional field <a href="https://github.com/axios/axios/blob/v1.x/index.d.ts#L276">"response"</a> of the class AxiosError<T, D> has the type AxiosResponse<T, D>. But I found it to be an XMLHttpRequest when running into a cors error. The same XMLHttpRequest is also set on the "request" field. I tried to find the code where this error is thrown but was not able to yet.</p>
<h4 dir="auto">To Reproduce</h4>
<p dir="auto">Try triggering a cors error.</p>
<h4 dir="auto">Expected behavior</h4>
<p dir="auto">Only the "request" field should be set with the XMLHttpRequest, the value of the "response" field should be undefined.</p>
<h4 dir="auto">Environment</h4>
<ul dir="auto">
<li>Axios Version 0.27.2</li>
<li>Adapter XHR</li>
<li>Browser Chrome</li>
<li>Browser Version 104</li>
</ul>
<h4 dir="auto">Additional context/Screenshots</h4>
<p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/25606653/185555205-a08e11bc-22ed-4a95-a3fe-fae5dfd79bae.png"><img src="https://user-images.githubusercontent.com/25606653/185555205-a08e11bc-22ed-4a95-a3fe-fae5dfd79bae.png" alt="image" style="max-width: 100%;"></a></p> | <h4 dir="auto">Describe the bug</h4>
<p dir="auto">When performing an axios request which is rejected with <code class="notranslate">ERR_NETWORK</code> the created <code class="notranslate">AxiosError</code> contains the request as response.<br>
This leads to the issue that the response of the <code class="notranslate">AxiosError</code> contains the status code 200 and the body of the request although in reality no response was received.</p>
<p dir="auto">I think the issue is that the request is passed as 5th parameter (response) of the <code class="notranslate">AxiosError</code> constructor here:<br>
</p><div class="Box Box--condensed my-2">
<div class="Box-header f6">
<p class="mb-0 text-bold">
<a href="https://github.com/axios/axios/blob/bc733fec78326609e751187c9d453cee9bf1993a/lib/adapters/xhr.js#L119">axios/lib/adapters/xhr.js</a>
</p>
<p class="mb-0 color-fg-muted">
Line 119
in
<a data-pjax="true" class="commit-tease-sha" href="/axios/axios/commit/bc733fec78326609e751187c9d453cee9bf1993a">bc733fe</a>
</p>
</div>
<div itemprop="text" class="Box-body p-0 blob-wrapper blob-wrapper-embedded data">
<table class="highlight tab-size mb-0 js-file-line-container" data-tab-size="8" data-paste-markdown-skip="">
<tbody><tr class="border-0">
<td id="L119" class="blob-num border-0 px-3 py-0 color-bg-default" data-line-number="119"></td>
<td id="LC119" class="blob-code border-0 px-3 py-0 color-bg-default blob-code-inner js-file-line"> <span class="pl-s1">reject</span><span class="pl-kos">(</span><span class="pl-k">new</span> <span class="pl-v">AxiosError</span><span class="pl-kos">(</span><span class="pl-s">'Network Error'</span><span class="pl-kos">,</span> <span class="pl-v">AxiosError</span><span class="pl-kos">.</span><span class="pl-c1">ERR_NETWORK</span><span class="pl-kos">,</span> <span class="pl-s1">config</span><span class="pl-kos">,</span> <span class="pl-s1">request</span><span class="pl-kos">,</span> <span class="pl-s1">request</span><span class="pl-kos">)</span><span class="pl-kos">)</span><span class="pl-kos">;</span> </td>
</tr>
</tbody></table>
</div>
</div>
<p></p>
<h4 dir="auto">To Reproduce</h4>
<p dir="auto">Sample project:<br>
<a href="https://github.com/axios/axios/files/8588127/sample.zip">sample.zip</a></p>
<p dir="auto">Running the sample project with <code class="notranslate">npm run test</code> prints the following to the console:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="error code: ERR_NETWORK
response status: 200
response body: {"foo":"bar"}"><pre class="notranslate"><code class="notranslate">error code: ERR_NETWORK
response status: 200
response body: {"foo":"bar"}
</code></pre></div>
<h4 dir="auto">Expected behavior</h4>
<p dir="auto">The response field in the <code class="notranslate">AxiosError</code> created due to <code class="notranslate">ERR_NETWORK</code> should be undefined.</p>
<h4 dir="auto">Environment</h4>
<ul dir="auto">
<li>Axios Version 0.27.2</li>
<li>Adapter XHR</li>
<li>Browser -</li>
<li>Browser Version -</li>
<li>Node.js Version 18.0.0</li>
<li>OS: macOS 12.3.1</li>
<li>Additional Library Versions msw: ^0.39.2</li>
</ul>
<h4 dir="auto">Additional context/Screenshots</h4>
<p dir="auto">NA</p> | 1 |
<p dir="auto">NOTE :Old title was 'GLTFexporter prevent exporting duplicates of same image when used in multiple materials'</p>
<p dir="auto"><strong>Is your feature request related to a problem? Please describe.</strong></p>
<p dir="auto">same images used in multiple materials exports as duplicates leading to increase in file size</p>
<p dir="auto"><strong>Describe the solution you'd like</strong></p>
<p dir="auto">If same textureLoader object is used then have the exporter save the image once & have the materials refer to this single image</p>
<p dir="auto"><strong>Additional context</strong></p>
<p dir="auto">Also applicable for other exporters like USDZ</p> | 0 |
|
<p dir="auto">We currently can't update to a new Dart SDK pending fixes in a few dependent packages. This meta issue tracks progress.</p>
<p dir="auto"><strong>Background:</strong> A <a href="https://github.com/dart-lang/yaml/issues/21" data-hovercard-type="issue" data-hovercard-url="/dart-lang/yaml/issues/21/hovercard">recent change</a> in the <code class="notranslate">yaml</code> package now treats duplicate map entries as an error which bubbles up through <code class="notranslate">pub</code> if you have an offending pubspec. The rub is that there are packages out there on which we depend, <a href="https://pub.dartlang.org/packages/json_schema" rel="nofollow">json_schema</a>, for example, that in fact contain duplicate entries.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[~/src/git/clones/flutter] (master) $ flutter update-packages --upgrade
Building flutter tool...
Error on line 27, column 3 of /Users/pquitslund/.pub-cache/hosted/pub.dartlang.org/json_schema-1.0.3/pubspec.yaml: Duplicate mapping key.
yaml: "^2.1.0""><pre class="notranslate"><code class="notranslate">[~/src/git/clones/flutter] (master) $ flutter update-packages --upgrade
Building flutter tool...
Error on line 27, column 3 of /Users/pquitslund/.pub-cache/hosted/pub.dartlang.org/json_schema-1.0.3/pubspec.yaml: Duplicate mapping key.
yaml: "^2.1.0"
</code></pre></div>
<p dir="auto"><strong>Next steps.</strong></p>
<p dir="auto">To get us on track we need:</p>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> json_schema <a href="https://github.com/patefacio/json_schema/pull/6" data-hovercard-type="pull_request" data-hovercard-url="/patefacio/json_schema/pull/6/hovercard">fixed</a></li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> json_schema published</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> id <a href="https://github.com/patefacio/id/pull/2" data-hovercard-type="pull_request" data-hovercard-url="/patefacio/id/pull/2/hovercard">fixed</a> <em>[DEP DROPPED]</em></li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> id published <em>[DEP DROPPED]</em></li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ebisu <a href="https://github.com/patefacio/ebisu/pull/1" data-hovercard-type="pull_request" data-hovercard-url="/patefacio/ebisu/pull/1/hovercard">fixed</a> <em>[DEP DROPPED]</em></li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ebisu published <em>[DEP DROPPED]</em></li>
</ul>
<p dir="auto">Then:</p>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> land new Dart SDK in flutter tools (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="189399176" data-permission-text="Title is private" data-url="https://github.com/flutter/flutter/issues/6861" data-hovercard-type="pull_request" data-hovercard-url="/flutter/flutter/pull/6861/hovercard" href="https://github.com/flutter/flutter/pull/6861">#6861</a>)</li>
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ping <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="176969735" data-permission-text="Title is private" data-url="https://github.com/flutter/flutter/issues/5865" data-hovercard-type="issue" data-hovercard-url="/flutter/flutter/issues/5865/hovercard" href="https://github.com/flutter/flutter/issues/5865">#5865</a> to let us know we can try const asserts again</li>
</ul>
<p dir="auto">Finally:</p>
<ul class="contains-task-list">
<li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> fix the uploaded <code class="notranslate">json_schema</code> to not include any references to <code class="notranslate">drudge</code> (<a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/patefacio/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/patefacio">@patefacio</a>)</li>
</ul>
<p dir="auto">FYI <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/abarth/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/abarth">@abarth</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/Hixie/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/Hixie">@Hixie</a> (for why SDK rolls have stalled)</p> | <p dir="auto">It seems like there are conflicts between GoogleMobileVision and GoogleMobileVision?</p>
<p dir="auto">Getting errors when building Flutter ios:</p>
<p dir="auto"><code class="notranslate">duplicate symbol _OBJC_IVAR_$_MDMPasscodeCache._localAuthenticationInfo in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeCache_f189776e75765630b82721fafea64052.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeCache_42de90102bb6814d03833694aafcc99d.o) duplicate symbol _OBJC_IVAR_$_MDMPasscodeCache._keychainInfo in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeCache_f189776e75765630b82721fafea64052.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeCache_42de90102bb6814d03833694aafcc99d.o) duplicate symbol _OBJC_IVAR_$_MDMPasscodeCache._hasLocalAuthentication in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeCache_f189776e75765630b82721fafea64052.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeCache_42de90102bb6814d03833694aafcc99d.o) duplicate symbol _OBJC_IVAR_$_MDMPasscodeCache._hasKeychain in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeCache_f189776e75765630b82721fafea64052.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeCache_42de90102bb6814d03833694aafcc99d.o) duplicate symbol _OBJC_IVAR_$_MDMPasscodeCache._cachedState in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeCache_f189776e75765630b82721fafea64052.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeCache_42de90102bb6814d03833694aafcc99d.o) duplicate symbol _OBJC_IVAR_$_MDMPasscodeCache._keychainExpireTime in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeCache_f189776e75765630b82721fafea64052.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeCache_42de90102bb6814d03833694aafcc99d.o) duplicate symbol _OBJC_CLASS_$_MDMPasscodeCache in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeCache_f189776e75765630b82721fafea64052.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeCache_42de90102bb6814d03833694aafcc99d.o) duplicate symbol _OBJC_METACLASS_$_MDMPasscodeCache in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeCache_f189776e75765630b82721fafea64052.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeCache_42de90102bb6814d03833694aafcc99d.o) duplicate symbol _OBJC_IVAR_$_MDMPasscodeCache._hasEnteredBackground in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeCache_f189776e75765630b82721fafea64052.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeCache_42de90102bb6814d03833694aafcc99d.o) duplicate symbol _OBJC_IVAR_$_MDMPasscodeState._status in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeState_d2697588db599ad1e82d46f342216cee.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeState_adbe96d99863168799049cc0f0164c6d.o) duplicate symbol _OBJC_IVAR_$_MDMPasscodeState._info in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeState_d2697588db599ad1e82d46f342216cee.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeState_adbe96d99863168799049cc0f0164c6d.o) duplicate symbol _OBJC_CLASS_$_MDMPasscodeState in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeState_d2697588db599ad1e82d46f342216cee.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeState_adbe96d99863168799049cc0f0164c6d.o) duplicate symbol _OBJC_METACLASS_$_MDMPasscodeState in: /Volumes/flutter/ios/Pods/GoogleMobileVision/Detector/Frameworks/GoogleMobileVision.framework/GoogleMobileVision(MDMPasscodeState_d2697588db599ad1e82d46f342216cee.o) /Volumes/flutter/ios/Pods/GoogleSignIn/Frameworks/GoogleSignIn.framework/GoogleSignIn(MDMPasscodeState_adbe96d99863168799049cc0f0164c6d.o) ld: 13 duplicate symbols for architecture x86_64 clang: error: linker command failed with exit code 1 (use -v to see invocation)</code></p>
<div class="highlight highlight-source-yaml notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="pubspec.yaml
name: myapp
description: A new Flutter project to enter and tract Renal patient data.
version: 0.4.1+1
dependencies:
flutter:
sdk: flutter
flutter_localizations:
sdk: flutter
firebase_auth: ">=0.5.20"
google_sign_in: "3.0.5"
# google_sign_in: "^3.0.5"
# The following adds the Cupertino Icons font to your application.
# Use with the CupertinoIcons class for iOS style icons.
cupertino_icons: ^0.1.2
intl: ^0.15.7
# Peter add
cloud_firestore: "0.8.0"
#
firebase_storage: ">=1.0.2"
#firebase_admob: ">=0.6.1"
#firebase_analytics: ">=1.0.3"
image_picker: ^0.4.6
path_provider: ^0.4.1
date_format: ^1.0.5
numberpicker: ^0.1.6
progress_image: "^0.0.1"
qr_mobile_vision: "0.0.7"
qr_flutter: ^1.1.3
flutter_native_image:
git: https://github.com/btastic/flutter_native_image.git
connectivity: ^0.3.1
#firebase_messaging: ">=2.0.0"
package_info: ^0.3.2
share: ^0.5.3
url_launcher: ^3.0.3
flutter_walkthrough: ^0.0.1
dev_dependencies:
flutter_test:
sdk: flutter
# For information on the generic Dart part of this file, see the
# following page: https://www.dartlang.org/tools/pub/pubspec
# The following section is specific to Flutter.
flutter:
# The following line ensures that the Material Icons font is
# included with your application, so that you can use the icons in
# the material Icons class.
uses-material-design: true
# To add assets to your application, add an assets section, like this:
# assets:
# - images/a_dot_burr.jpeg
# - images/a_dot_ham.jpeg
assets:"><pre class="notranslate"><span class="pl-s">pubspec.yaml</span>
<span class="pl-ent">name</span>: <span class="pl-s">myapp</span>
<span class="pl-ent">description</span>: <span class="pl-s">A new Flutter project to enter and tract Renal patient data.</span>
<span class="pl-ent">version</span>: <span class="pl-s">0.4.1+1</span>
<span class="pl-ent">dependencies</span>:
<span class="pl-ent">flutter</span>:
<span class="pl-ent">sdk</span>: <span class="pl-s">flutter</span>
<span class="pl-ent">flutter_localizations</span>:
<span class="pl-ent">sdk</span>: <span class="pl-s">flutter</span>
<span class="pl-ent">firebase_auth</span>: <span class="pl-s"><span class="pl-pds">"</span>>=0.5.20<span class="pl-pds">"</span></span>
<span class="pl-ent">google_sign_in</span>: <span class="pl-s"><span class="pl-pds">"</span>3.0.5<span class="pl-pds">"</span></span>
<span class="pl-c"><span class="pl-c">#</span> google_sign_in: "^3.0.5" </span>
<span class="pl-c"><span class="pl-c">#</span> The following adds the Cupertino Icons font to your application.</span>
<span class="pl-c"><span class="pl-c">#</span> Use with the CupertinoIcons class for iOS style icons.</span>
<span class="pl-ent">cupertino_icons</span>: <span class="pl-s">^0.1.2</span>
<span class="pl-ent">intl</span>: <span class="pl-s">^0.15.7</span>
<span class="pl-c"><span class="pl-c">#</span> Peter add</span>
<span class="pl-ent">cloud_firestore</span>: <span class="pl-s"><span class="pl-pds">"</span>0.8.0<span class="pl-pds">"</span></span>
<span class="pl-c"><span class="pl-c">#</span> </span>
<span class="pl-ent">firebase_storage</span>: <span class="pl-s"><span class="pl-pds">"</span>>=1.0.2<span class="pl-pds">"</span></span>
<span class="pl-c"><span class="pl-c">#</span>firebase_admob: ">=0.6.1"</span>
<span class="pl-c"><span class="pl-c">#</span>firebase_analytics: ">=1.0.3"</span>
<span class="pl-ent">image_picker</span>: <span class="pl-s">^0.4.6</span>
<span class="pl-ent">path_provider</span>: <span class="pl-s">^0.4.1</span>
<span class="pl-ent">date_format</span>: <span class="pl-s">^1.0.5</span>
<span class="pl-ent">numberpicker</span>: <span class="pl-s">^0.1.6</span>
<span class="pl-ent">progress_image</span>: <span class="pl-s"><span class="pl-pds">"</span>^0.0.1<span class="pl-pds">"</span></span>
<span class="pl-ent">qr_mobile_vision</span>: <span class="pl-s"><span class="pl-pds">"</span>0.0.7<span class="pl-pds">"</span></span>
<span class="pl-ent">qr_flutter</span>: <span class="pl-s">^1.1.3</span>
<span class="pl-ent">flutter_native_image</span>:
<span class="pl-ent">git</span>: <span class="pl-s">https://github.com/btastic/flutter_native_image.git</span>
<span class="pl-ent">connectivity</span>: <span class="pl-s">^0.3.1</span>
<span class="pl-c"><span class="pl-c">#</span>firebase_messaging: ">=2.0.0"</span>
<span class="pl-ent">package_info</span>: <span class="pl-s">^0.3.2</span>
<span class="pl-ent">share</span>: <span class="pl-s">^0.5.3</span>
<span class="pl-ent">url_launcher</span>: <span class="pl-s">^3.0.3</span>
<span class="pl-ent">flutter_walkthrough</span>: <span class="pl-s">^0.0.1</span>
<span class="pl-ent">dev_dependencies</span>:
<span class="pl-ent">flutter_test</span>:
<span class="pl-ent">sdk</span>: <span class="pl-s">flutter</span>
<span class="pl-c"><span class="pl-c">#</span> For information on the generic Dart part of this file, see the</span>
<span class="pl-c"><span class="pl-c">#</span> following page: https://www.dartlang.org/tools/pub/pubspec</span>
<span class="pl-c"><span class="pl-c">#</span> The following section is specific to Flutter.</span>
<span class="pl-ent">flutter</span>:
<span class="pl-c"><span class="pl-c">#</span> The following line ensures that the Material Icons font is</span>
<span class="pl-c"><span class="pl-c">#</span> included with your application, so that you can use the icons in</span>
<span class="pl-c"><span class="pl-c">#</span> the material Icons class.</span>
<span class="pl-ent">uses-material-design</span>: <span class="pl-c1">true</span>
<span class="pl-c"><span class="pl-c">#</span> To add assets to your application, add an assets section, like this:</span>
<span class="pl-c"><span class="pl-c">#</span> assets:</span>
<span class="pl-c"><span class="pl-c">#</span> - images/a_dot_burr.jpeg</span>
<span class="pl-c"><span class="pl-c">#</span> - images/a_dot_ham.jpeg</span>
<span class="pl-ent">assets</span>:</pre></div>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="flutter doctor -v
[✓] Flutter (Channel master, v0.9.4-pre.31, on Mac OS X 10.14 18A391, locale en-SG)
• Flutter version 0.9.4-pre.31 at /Users/peterlum/dev/flutter
• Framework revision 52697ef962 (22 hours ago), 2018-09-26 07:57:05 +0200
• Engine revision 38a646e14c
• Dart version 2.1.0-dev.5.0.flutter-4cf2d3990b
[✓] Android toolchain - develop for Android devices (Android SDK 27.0.3)
• Android SDK at /Applications/AndroidDev/sdk
• Android NDK at /Applications/AndroidDev/sdk/ndk-bundle
• Platform android-27, build-tools 27.0.3
• ANDROID_HOME = /Applications/AndroidDev/sdk
• Java binary at: /Applications/Android Studio.app/Contents/jre/jdk/Contents/Home/bin/java
• Java version OpenJDK Runtime Environment (build 1.8.0_112-release-b06)
• All Android licenses accepted.
[✓] iOS toolchain - develop for iOS devices (Xcode 10.0)
• Xcode at /Applications/Xcode.app/Contents/Developer
• Xcode 10.0, Build version 10A255
• ios-deploy 1.9.2
• CocoaPods version 1.5.3
[✓] Android Studio
• Android Studio at /Applications/Android Studio 3.3.app/Contents
✗ Flutter plugin not installed; this adds Flutter specific functionality.
✗ Dart plugin not installed; this adds Dart specific functionality.
• Java version OpenJDK Runtime Environment (build 1.8.0_152-release-1248-b01)
[✓] Android Studio (version 2.3)
• Android Studio at /Applications/Android Studio.app/Contents
✗ Flutter plugin version 12.1 - the recommended minimum version is 16.0.0
• Dart plugin version 162.2924
• Java version OpenJDK Runtime Environment (build 1.8.0_112-release-b06)
[✓] VS Code (version 1.27.2)
• VS Code at /Applications/Visual Studio Code.app/Contents
• Flutter extension version 2.18.0
[✓] Connected devices (1 available)
• LG D855 • LGD855a710c089 • android-arm • Android 5.0 (API 21)
• No issues found!"><pre class="notranslate"><code class="notranslate">flutter doctor -v
[✓] Flutter (Channel master, v0.9.4-pre.31, on Mac OS X 10.14 18A391, locale en-SG)
• Flutter version 0.9.4-pre.31 at /Users/peterlum/dev/flutter
• Framework revision 52697ef962 (22 hours ago), 2018-09-26 07:57:05 +0200
• Engine revision 38a646e14c
• Dart version 2.1.0-dev.5.0.flutter-4cf2d3990b
[✓] Android toolchain - develop for Android devices (Android SDK 27.0.3)
• Android SDK at /Applications/AndroidDev/sdk
• Android NDK at /Applications/AndroidDev/sdk/ndk-bundle
• Platform android-27, build-tools 27.0.3
• ANDROID_HOME = /Applications/AndroidDev/sdk
• Java binary at: /Applications/Android Studio.app/Contents/jre/jdk/Contents/Home/bin/java
• Java version OpenJDK Runtime Environment (build 1.8.0_112-release-b06)
• All Android licenses accepted.
[✓] iOS toolchain - develop for iOS devices (Xcode 10.0)
• Xcode at /Applications/Xcode.app/Contents/Developer
• Xcode 10.0, Build version 10A255
• ios-deploy 1.9.2
• CocoaPods version 1.5.3
[✓] Android Studio
• Android Studio at /Applications/Android Studio 3.3.app/Contents
✗ Flutter plugin not installed; this adds Flutter specific functionality.
✗ Dart plugin not installed; this adds Dart specific functionality.
• Java version OpenJDK Runtime Environment (build 1.8.0_152-release-1248-b01)
[✓] Android Studio (version 2.3)
• Android Studio at /Applications/Android Studio.app/Contents
✗ Flutter plugin version 12.1 - the recommended minimum version is 16.0.0
• Dart plugin version 162.2924
• Java version OpenJDK Runtime Environment (build 1.8.0_112-release-b06)
[✓] VS Code (version 1.27.2)
• VS Code at /Applications/Visual Studio Code.app/Contents
• Flutter extension version 2.18.0
[✓] Connected devices (1 available)
• LG D855 • LGD855a710c089 • android-arm • Android 5.0 (API 21)
• No issues found!
</code></pre></div> | 0 |
<h2 dir="auto"><g-emoji class="g-emoji" alias="memo" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/1f4dd.png">📝</g-emoji> Provide a description of the new feature</h2>
<p dir="auto"><em>What is the expected behavior of the proposed feature? What is the scenario this would be used?</em></p>
<p dir="auto">--- It would be great if we could search Google using PowerToys Run. If it's not an app or any files then automatically search google for it.</p>
<p dir="auto">If you'd like to see this feature implemented, add a <g-emoji class="g-emoji" alias="+1" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/1f44d.png">👍</g-emoji> reaction to this post.</p> | <h1 dir="auto">Summary of the new feature/enhancement</h1>
<p dir="auto">Instead of explorer preview, quick look like in Mac would be more intuitive to the user</p>
<h1 dir="auto">Proposed technical implementation details</h1>
<p dir="auto">If there was an tab in power toys with <a href="https://github.com/QL-Win/QuickLook"><code class="notranslate">QuickLook</code></a>, it would be more useful than just preview which cannot show preview for various file types like .py, .kt etc..</p> | 0 |
<p dir="auto">At present, using ESNext features such as decorators, async/await, class instance fields, etc. results in the editor drawing red squiggles. In the very least, it would be nice if there was an easy way to stop VSCode from complaining about these features in a normal .js file.</p>
<p dir="auto">Perhaps some thought needs to go into how VSCode will handle the evolution of ES in general. With developers using tools like Babel, and opting into stage-n features before they are finalized as a norm, I think this is going to crop up more and more. Not to mention that popular frameworks like Aurelia, React, Ember and Angular 2 are using these features more.</p>
<p dir="auto">As for me, I have a hard time recommending VSCode to anyone that isn't doing TypeScript or sticking strictly to ES2015. It gets ugly pretty quick otherwise. I'm looking forward to seeing this improve. It's the only thing really holding me back. Thanks for all the great work so far!</p> | <p dir="auto">… and I can't turn it off by setting <code class="notranslate">javascript.validate.enable</code> false.</p>
<p dir="auto">Perhaps this is a soft documentation bug: the <a href="https://code.visualstudio.com/Updates" rel="nofollow">release notes</a> proudly mention <code class="notranslate">experimentalObjectRestSpread</code> but then say:</p>
<blockquote>
<p dir="auto">Support for ObjectRestSpread is not yet provided by Salsa but it is on the roadmap (see <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="58475863" data-permission-text="Title is private" data-url="https://github.com/microsoft/TypeScript/issues/2103" data-hovercard-type="issue" data-hovercard-url="/microsoft/TypeScript/issues/2103/hovercard" href="https://github.com/microsoft/TypeScript/issues/2103">microsoft/TypeScript#2103</a>).</p>
</blockquote>
<p dir="auto">… which is confusing and misleading.</p>
<p dir="auto">It's confusing because the stand-out tone of core dev responses to that issue is "not until TC39 moves it to stage 3; bother them, not us", which is much less optimistic than the Feb 2016 release notes or the <a href="https://github.com/Microsoft/TypeScript/wiki/Roadmap">TypeScript Roadmap</a> itself.</p>
<p dir="auto">It's misleading because it fails to <strong>describe the impact</strong> of "support… not yet provided" as <strong>error messages you can't make go away</strong>. If there's some way to make them go away, please describe it in that part of the release notes. If not, I don't think it's too strong to outright <strong>advise users of object spread properties to delay upgrading</strong>.</p>
<p dir="auto">Without a work-around, this kills <code class="notranslate">code</code> for me, as I now have to dig for the real errors amongst a few dozen erroneous:</p>
<ul dir="auto">
<li><code class="notranslate">Property assignment expected.</code></li>
<li><code class="notranslate">Argument expression expected.</code></li>
<li><code class="notranslate">Declaration or statement expected.</code></li>
</ul>
<p dir="auto">I trust a workaround is possible, as <code class="notranslate">code</code> is not erroring in JSX.</p> | 1 |
<p dir="auto">When there is enough content in the tab pane to go past the bottom of the tabs the content will wrap to the left under the tabs. I'd expect the content to continue to be indented the same amount rather than wrapping under. (IE9, Chrome16)</p>
<p dir="auto">It seems floating the tab-pane left solves the issue but I'm no CSS guru so I don't know if this is a robust fix.</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="<div class="tabbable tabs-left">
<ul class="nav nav-tabs">
<li class="active"><a href="#1" data-toggle="tab">First pane</a></li>
<li><a href="#2" data-toggle="tab">Second pane</a></li>
</ul>
<div class="tab-content">
<div class="tab-pane active" id="1">
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content
</div>
<div class="tab-pane" id="2">
pane 2
</div>
</div>
</div>"><pre class="notranslate"><code class="notranslate"><div class="tabbable tabs-left">
<ul class="nav nav-tabs">
<li class="active"><a href="#1" data-toggle="tab">First pane</a></li>
<li><a href="#2" data-toggle="tab">Second pane</a></li>
</ul>
<div class="tab-content">
<div class="tab-pane active" id="1">
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content<br />
Lots of content
</div>
<div class="tab-pane" id="2">
pane 2
</div>
</div>
</div>
</code></pre></div> | <p dir="auto">When a page is narrow enough for the responsive navbar to kick in and you click on it and select a menu item the navbar just sits there until you click on the navbar button again to close it. This is frustrating for users as it's not how these things normally work everywhere else.</p> | 0 |
<p dir="auto">When I specify a date pattern like this :</p>
<code class="notranslate">
->add('h4', 'date', array( 'label' => 'Date of bird',
'widget' => 'choice',
'pattern' => '{{ day }}/{{ month }}/{{ year }}',
</code>
the result isn't Day/Month/Year but Year-Month-Day.
<p dir="auto">In the form_div_layout.html.twig, the block date_widget use "date_pattern" and not "pattern". So, I changed "date_pattern" to "pattern" and now I have the good result Day/Month/Year.</p>
<code class="notranslate">
{% block date_widget %}
{% spaceless %}
{% if widget == 'single_text' %}
{{ block('field_widget') }}
{% else %}
<div dir="auto">
{{ date_pattern|replace({
'{{ year }}': form_widget(form.year),
'{{ month }}': form_widget(form.month),
'{{ day }}': form_widget(form.day),
})|raw }}
</div>
{% endif %}
{% endspaceless %}
{% endblock date_widget %}
</code>
<p dir="auto">to</p>
<code class="notranslate">
{% block date_widget %}
{% spaceless %}
{% if widget == 'single_text' %}
{{ block('field_widget') }}
{% else %}
<div dir="auto">
{{ pattern|replace({
'{{ year }}': form_widget(form.year),
'{{ month }}': form_widget(form.month),
'{{ day }}': form_widget(form.day),
})|raw }}
</div>
{% endif %}
{% endspaceless %}
{% endblock date_widget %}
</code>
<p dir="auto">I don't know if this bug was fixed and if my solution is the good.</p> | <div class="highlight highlight-text-html-php notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="#Customer.php
class Customer {
# (...)
/**
* @var string $phone
* @Assert\NotBlank()
* @Assert\Regex("/^\(\d{2}\) \d{4}-\d{4}$/")
* @ORM\Column(name="phone", type="string", length=14)
*/
private $phone;
# (...)
}"><pre class="notranslate"><span class="pl-c">#Customer.php</span>
<span class="pl-k">class</span> <span class="pl-v">Customer</span> {
<span class="pl-c"># (...)</span>
<span class="pl-c">/**</span>
<span class="pl-c"> * @var string $phone</span>
<span class="pl-c"> * @Assert\NotBlank()</span>
<span class="pl-c"> * @Assert\Regex("/^\(\d{2}\) \d{4}-\d{4}$/")</span>
<span class="pl-c"> * @ORM\Column(name="phone", type="string", length=14)</span>
<span class="pl-c"> */</span>
<span class="pl-k">private</span> <span class="pl-c1"><span class="pl-c1">$</span>phone</span>;
<span class="pl-c"># (...)</span>
}</pre></div>
<div class="highlight highlight-text-html-php notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="#CustomerType.php
class CustomerType extends AbstractType
{
# (...)
public function buildForm(FormBuilder $builder, array $options)
{
$builder
->add('phone', null, array('label' => 'Telefone'))
;
}
# (...)
}"><pre class="notranslate"><span class="pl-c">#CustomerType.php</span>
<span class="pl-k">class</span> <span class="pl-v">CustomerType</span> <span class="pl-k">extends</span> <span class="pl-v">AbstractType</span>
{
<span class="pl-c"># (...)</span>
<span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">buildForm</span>(<span class="pl-smi"><span class="pl-smi">FormBuilder</span></span> <span class="pl-s1"><span class="pl-c1">$</span>builder</span>, <span class="pl-smi">array</span> <span class="pl-s1"><span class="pl-c1">$</span>options</span>)
{
<span class="pl-s1"><span class="pl-c1">$</span>builder</span>
-><span class="pl-en">add</span>(<span class="pl-s">'phone'</span>, <span class="pl-c1">null</span>, <span class="pl-en">array</span>(<span class="pl-s">'label'</span> => <span class="pl-s">'Telefone'</span>))
;
}
<span class="pl-c"># (...)</span>
}</pre></div>
<p dir="auto">HTML Result:</p>
<div class="highlight highlight-text-html-basic notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="<input type="text" id="paggy_admin_customer_phone" name="paggy_admin_customer[phone]" required="required" maxlength="14" class="input-text">"><pre class="notranslate"><span class="pl-kos"><</span><span class="pl-ent">input</span> <span class="pl-c1">type</span>="<span class="pl-s">text</span>" <span class="pl-c1">id</span>="<span class="pl-s">paggy_admin_customer_phone</span>" <span class="pl-c1">name</span>="<span class="pl-s">paggy_admin_customer[phone]</span>" <span class="pl-c1">required</span>="<span class="pl-s">required</span>" <span class="pl-c1">maxlength</span>="<span class="pl-s">14</span>" <span class="pl-c1">class</span>="<span class="pl-s">input-text</span>"<span class="pl-kos">></span></pre></div>
<p dir="auto"><em>Workaround:</em> If I add the "pattern" property, duplicating the code of entity, it works as expected:</p>
<div class="highlight highlight-text-html-php notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="#CustomerType.php
class CustomerType extends AbstractType
{
# (...)
public function buildForm(FormBuilder $builder, array $options)
{
$builder
->->add('phone', 'text', array('label' => 'Telefone', 'pattern' => '^\
(\d{2}\) \d{4}-\d{4}$'))
;
}
# (...)
}"><pre class="notranslate"><span class="pl-c">#CustomerType.php</span>
<span class="pl-k">class</span> <span class="pl-v">CustomerType</span> <span class="pl-k">extends</span> <span class="pl-v">AbstractType</span>
{
<span class="pl-c"># (...)</span>
<span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">buildForm</span>(<span class="pl-smi"><span class="pl-smi">FormBuilder</span></span> <span class="pl-s1"><span class="pl-c1">$</span>builder</span>, <span class="pl-smi">array</span> <span class="pl-s1"><span class="pl-c1">$</span>options</span>)
{
<span class="pl-s1"><span class="pl-c1">$</span>builder</span>
->-><span class="pl-en">add</span>(<span class="pl-s">'phone'</span>, <span class="pl-s">'text'</span>, <span class="pl-en">array</span>(<span class="pl-s">'label'</span> => <span class="pl-s">'Telefone'</span>, <span class="pl-s">'pattern'</span> => <span class="pl-s">'^\</span>
<span class="pl-s">(\d{2}\) \d{4}-\d{4}$'</span>))
;
}
<span class="pl-c"># (...)</span>
}</pre></div>
<p dir="auto">HTML Result:</p>
<div class="highlight highlight-text-html-basic notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="<input type="text" id="paggy_admin_customer_phone" name="paggy_admin_customer[phone]" required="required" maxlength="14" pattern="^\(\d{2}\) \d{4}-\d{4}$" class="input-text">"><pre class="notranslate"><span class="pl-kos"><</span><span class="pl-ent">input</span> <span class="pl-c1">type</span>="<span class="pl-s">text</span>" <span class="pl-c1">id</span>="<span class="pl-s">paggy_admin_customer_phone</span>" <span class="pl-c1">name</span>="<span class="pl-s">paggy_admin_customer[phone]</span>" <span class="pl-c1">required</span>="<span class="pl-s">required</span>" <span class="pl-c1">maxlength</span>="<span class="pl-s">14</span>" <span class="pl-c1">pattern</span>="<span class="pl-s">^\(\d{2}\) \d{4}-\d{4}$</span>" <span class="pl-c1">class</span>="<span class="pl-s">input-text</span>"<span class="pl-kos">></span></pre></div>
<p dir="auto">Thanks!</p> | 0 |
<p dir="auto">I've tried right-clicking a method call in both Ruby and PHP and then selecting "Go to Declaration". Nothing happens. Nothing shows up in the developer tools console. The same thing happens in safe mode.</p>
<p dir="auto">Using 0.129.0 on OS X</p> | <p dir="auto">This method should work out of the box without the need to generate a ctags file.<br>
Thanks, Marty</p> | 1 |
<p dir="auto">I use my <strong>File Encoding</strong> setting as <em>Windows 1252</em>, because I mostly use this kind of file with Atom. And every time I open a large file (let's say 500Kb size, 10k lines), Atom freezes. After a while Atom displays that <em>keep waiting / close</em> window, and sometimes it will load, sometimes not.</p>
<p dir="auto">Atom always open the file as <em>UTF-8</em>. I noted it because I can see the erroneous characters instead of accented words, and then it <em>changes</em> the encoding to <em>Windows 1252</em>. If I use <strong>File Encoding</strong> as <em>UTF-8</em>, the file is opened almost instantaneously (but with that erroneous characters).</p>
<p dir="auto">It should avoid the <em>UTF-8</em> loading step, and directly open it as the defined encoding.</p> | <p dir="auto">I noticed this morning, that on OS X, Atom refocuses the application while starting up.</p>
<p dir="auto">This means that if I CMD+TAB to another application while waiting for Atom to launch, Atom immediately grabs the focus back again.</p>
<p dir="auto">And if I CMD+TAB again, Atom keeps grabbing it back again.</p>
<p dir="auto">It would be great if these startup issues could be fixed quickly, especially the issue with Atom opening an untitled window all the time.</p> | 0 |
<p dir="auto">We created an index and tried to "curl -PUT" a document, failed after a timeout with:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="{
"error": "NoShardAvailableActionException[[test][0] No shard available for [[test][test_AS24Elasticsearch][1]: routing [null]]]",
"status": 500
}"><pre class="notranslate"><code class="notranslate">{
"error": "NoShardAvailableActionException[[test][0] No shard available for [[test][test_AS24Elasticsearch][1]: routing [null]]]",
"status": 500
}
</code></pre></div>
<p dir="auto">The reason was this line in the elasticsearch.yml:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="index.search.slowlog.threshold.query.warn: s"><pre class="notranslate"><code class="notranslate">index.search.slowlog.threshold.query.warn: s
</code></pre></div>
<p dir="auto">When reproducing this i found that the elasticsearch.yml has to be broken at startup of the elasticsearch service.</p>
<p dir="auto">It produced about 1'000'000 lines in the logfile.</p>
<p dir="auto">I post this hoping for a more precise error message, an earlier parsing of the elasticsearch.yml or that people running into the same problem will find this post and identify their problem faster.</p>
<p dir="auto">The wrong stanza in elasticsearch.yml:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="index.search.slowlog.level: TRACE
index.search.slowlog.threshold.query.warn: s
index.search.slowlog.threshold.query.info: s
index.search.slowlog.threshold.query.debug: s
index.search.slowlog.threshold.query.trace: ms"><pre class="notranslate"><code class="notranslate">index.search.slowlog.level: TRACE
index.search.slowlog.threshold.query.warn: s
index.search.slowlog.threshold.query.info: s
index.search.slowlog.threshold.query.debug: s
index.search.slowlog.threshold.query.trace: ms
</code></pre></div>
<p dir="auto">(This kind of mistake is, as you will guess, the result of a beginner meddling with Puppet)</p>
<p dir="auto">In the logfile - only the first 82 lines:</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[2013-03-05 09:35:10,805][WARN ][indices.cluster ] [dexxxv001] [sunytest][0] failed to create shard
org.elasticsearch.index.shard.IndexShardCreationException: [sunytest][0] failed to create shard
at org.elasticsearch.index.service.InternalIndexService.createShard(InternalIndexService.java:323)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.applyInitializingShard(IndicesClusterStateService.java:561)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.applyNewOrUpdatedShards(IndicesClusterStateService.java:526)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.clusterChanged(IndicesClusterStateService.java:171)
at org.elasticsearch.cluster.service.InternalClusterService$2.run(InternalClusterService.java:315)
at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1145)
at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:615)
at java.lang.Thread.run(Thread.java:722)
Caused by: org.elasticsearch.ElasticSearchParseException: Failed to parse [s]
at org.elasticsearch.common.unit.TimeValue.parseTimeValue(TimeValue.java:253)
at org.elasticsearch.common.settings.ImmutableSettings.getAsTime(ImmutableSettings.java:191)
at org.elasticsearch.index.search.slowlog.ShardSlowLogSearchService.<init>(ShardSlowLogSearchService.java:132)
at sun.reflect.NativeConstructorAccessorImpl.newInstance0(Native Method)
at sun.reflect.NativeConstructorAccessorImpl.newInstance(NativeConstructorAccessorImpl.java:57)
at sun.reflect.DelegatingConstructorAccessorImpl.newInstance(DelegatingConstructorAccessorImpl.java:45)
at java.lang.reflect.Constructor.newInstance(Constructor.java:525)
at org.elasticsearch.common.inject.DefaultConstructionProxyFactory$1.newInstance(DefaultConstructionProxyFactory.java:54)
at org.elasticsearch.common.inject.ConstructorInjector.construct(ConstructorInjector.java:86)
at org.elasticsearch.common.inject.ConstructorBindingImpl$Factory.get(ConstructorBindingImpl.java:98)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter$1.call(ProviderToInternalFactoryAdapter.java:45)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:819)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter.get(ProviderToInternalFactoryAdapter.java:42)
at org.elasticsearch.common.inject.Scopes$1$1.get(Scopes.java:56)
at org.elasticsearch.common.inject.InternalFactoryToProviderAdapter.get(InternalFactoryToProviderAdapter.java:45)
at org.elasticsearch.common.inject.SingleParameterInjector.inject(SingleParameterInjector.java:42)
at org.elasticsearch.common.inject.SingleParameterInjector.getAll(SingleParameterInjector.java:66)
at org.elasticsearch.common.inject.ConstructorInjector.construct(ConstructorInjector.java:85)
at org.elasticsearch.common.inject.ConstructorBindingImpl$Factory.get(ConstructorBindingImpl.java:98)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter$1.call(ProviderToInternalFactoryAdapter.java:45)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:819)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter.get(ProviderToInternalFactoryAdapter.java:42)
at org.elasticsearch.common.inject.Scopes$1$1.get(Scopes.java:56)
at org.elasticsearch.common.inject.InternalFactoryToProviderAdapter.get(InternalFactoryToProviderAdapter.java:45)
at org.elasticsearch.common.inject.SingleParameterInjector.inject(SingleParameterInjector.java:42)
at org.elasticsearch.common.inject.SingleParameterInjector.getAll(SingleParameterInjector.java:66)
at org.elasticsearch.common.inject.ConstructorInjector.construct(ConstructorInjector.java:85)
at org.elasticsearch.common.inject.ConstructorBindingImpl$Factory.get(ConstructorBindingImpl.java:98)
at org.elasticsearch.common.inject.FactoryProxy.get(FactoryProxy.java:52)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter$1.call(ProviderToInternalFactoryAdapter.java:45)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:819)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter.get(ProviderToInternalFactoryAdapter.java:42)
at org.elasticsearch.common.inject.Scopes$1$1.get(Scopes.java:56)
at org.elasticsearch.common.inject.InternalFactoryToProviderAdapter.get(InternalFactoryToProviderAdapter.java:45)
at org.elasticsearch.common.inject.InjectorBuilder$1.call(InjectorBuilder.java:200)
at org.elasticsearch.common.inject.InjectorBuilder$1.call(InjectorBuilder.java:193)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:812)
at org.elasticsearch.common.inject.InjectorBuilder.loadEagerSingletons(InjectorBuilder.java:193)
at org.elasticsearch.common.inject.InjectorBuilder.injectDynamically(InjectorBuilder.java:175)
at org.elasticsearch.common.inject.InjectorBuilder.build(InjectorBuilder.java:110)
at org.elasticsearch.common.inject.InjectorImpl.createChildInjector(InjectorImpl.java:129)
at org.elasticsearch.common.inject.ModulesBuilder.createChildInjector(ModulesBuilder.java:66)
at org.elasticsearch.index.service.InternalIndexService.createShard(InternalIndexService.java:321)
... 7 more
Caused by: java.lang.NumberFormatException: empty String
at sun.misc.FloatingDecimal.readJavaFormatString(FloatingDecimal.java:1011)
at java.lang.Double.parseDouble(Double.java:540)"><pre class="notranslate"><code class="notranslate">[2013-03-05 09:35:10,805][WARN ][indices.cluster ] [dexxxv001] [sunytest][0] failed to create shard
org.elasticsearch.index.shard.IndexShardCreationException: [sunytest][0] failed to create shard
at org.elasticsearch.index.service.InternalIndexService.createShard(InternalIndexService.java:323)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.applyInitializingShard(IndicesClusterStateService.java:561)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.applyNewOrUpdatedShards(IndicesClusterStateService.java:526)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.clusterChanged(IndicesClusterStateService.java:171)
at org.elasticsearch.cluster.service.InternalClusterService$2.run(InternalClusterService.java:315)
at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1145)
at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:615)
at java.lang.Thread.run(Thread.java:722)
Caused by: org.elasticsearch.ElasticSearchParseException: Failed to parse [s]
at org.elasticsearch.common.unit.TimeValue.parseTimeValue(TimeValue.java:253)
at org.elasticsearch.common.settings.ImmutableSettings.getAsTime(ImmutableSettings.java:191)
at org.elasticsearch.index.search.slowlog.ShardSlowLogSearchService.<init>(ShardSlowLogSearchService.java:132)
at sun.reflect.NativeConstructorAccessorImpl.newInstance0(Native Method)
at sun.reflect.NativeConstructorAccessorImpl.newInstance(NativeConstructorAccessorImpl.java:57)
at sun.reflect.DelegatingConstructorAccessorImpl.newInstance(DelegatingConstructorAccessorImpl.java:45)
at java.lang.reflect.Constructor.newInstance(Constructor.java:525)
at org.elasticsearch.common.inject.DefaultConstructionProxyFactory$1.newInstance(DefaultConstructionProxyFactory.java:54)
at org.elasticsearch.common.inject.ConstructorInjector.construct(ConstructorInjector.java:86)
at org.elasticsearch.common.inject.ConstructorBindingImpl$Factory.get(ConstructorBindingImpl.java:98)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter$1.call(ProviderToInternalFactoryAdapter.java:45)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:819)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter.get(ProviderToInternalFactoryAdapter.java:42)
at org.elasticsearch.common.inject.Scopes$1$1.get(Scopes.java:56)
at org.elasticsearch.common.inject.InternalFactoryToProviderAdapter.get(InternalFactoryToProviderAdapter.java:45)
at org.elasticsearch.common.inject.SingleParameterInjector.inject(SingleParameterInjector.java:42)
at org.elasticsearch.common.inject.SingleParameterInjector.getAll(SingleParameterInjector.java:66)
at org.elasticsearch.common.inject.ConstructorInjector.construct(ConstructorInjector.java:85)
at org.elasticsearch.common.inject.ConstructorBindingImpl$Factory.get(ConstructorBindingImpl.java:98)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter$1.call(ProviderToInternalFactoryAdapter.java:45)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:819)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter.get(ProviderToInternalFactoryAdapter.java:42)
at org.elasticsearch.common.inject.Scopes$1$1.get(Scopes.java:56)
at org.elasticsearch.common.inject.InternalFactoryToProviderAdapter.get(InternalFactoryToProviderAdapter.java:45)
at org.elasticsearch.common.inject.SingleParameterInjector.inject(SingleParameterInjector.java:42)
at org.elasticsearch.common.inject.SingleParameterInjector.getAll(SingleParameterInjector.java:66)
at org.elasticsearch.common.inject.ConstructorInjector.construct(ConstructorInjector.java:85)
at org.elasticsearch.common.inject.ConstructorBindingImpl$Factory.get(ConstructorBindingImpl.java:98)
at org.elasticsearch.common.inject.FactoryProxy.get(FactoryProxy.java:52)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter$1.call(ProviderToInternalFactoryAdapter.java:45)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:819)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter.get(ProviderToInternalFactoryAdapter.java:42)
at org.elasticsearch.common.inject.Scopes$1$1.get(Scopes.java:56)
at org.elasticsearch.common.inject.InternalFactoryToProviderAdapter.get(InternalFactoryToProviderAdapter.java:45)
at org.elasticsearch.common.inject.InjectorBuilder$1.call(InjectorBuilder.java:200)
at org.elasticsearch.common.inject.InjectorBuilder$1.call(InjectorBuilder.java:193)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:812)
at org.elasticsearch.common.inject.InjectorBuilder.loadEagerSingletons(InjectorBuilder.java:193)
at org.elasticsearch.common.inject.InjectorBuilder.injectDynamically(InjectorBuilder.java:175)
at org.elasticsearch.common.inject.InjectorBuilder.build(InjectorBuilder.java:110)
at org.elasticsearch.common.inject.InjectorImpl.createChildInjector(InjectorImpl.java:129)
at org.elasticsearch.common.inject.ModulesBuilder.createChildInjector(ModulesBuilder.java:66)
at org.elasticsearch.index.service.InternalIndexService.createShard(InternalIndexService.java:321)
... 7 more
Caused by: java.lang.NumberFormatException: empty String
at sun.misc.FloatingDecimal.readJavaFormatString(FloatingDecimal.java:1011)
at java.lang.Double.parseDouble(Double.java:540)
</code></pre></div> | <h1 dir="auto">Description</h1>
<p dir="auto">First, I am using version 0.20.6 on a quite large cluster.</p>
<p dir="auto">Pushed a non-dynamic settings with a invalid value for example;</p>
<p dir="auto">"index.translog.flush_threshold_period": "30mb"</p>
<p dir="auto">instead of 30m (ok this is kind of obvious)</p>
<p dir="auto">The cluster API become unresponsive and unrecoverable due to the log overload (specially on the master). I had to stop the whole cluster, delete the index directory by hand, and restart the cluster to recover.</p>
<p dir="auto">The cluster should be able to;<br>
1 - first; catch the bad parameter and do not set the setting value;<br>
2 - second; respond to the API, search, and every request, or at least close the index since it is not able to recover.</p>
<h1 dir="auto">Steps to reproduce</h1>
<p dir="auto">1 - Create and index with valid parameters<br>
2 - While being open; set invalid parameter as described<br>
3 - Close the index<br>
4 - Try to reopen the index with the invalid parameters set.<br>
5 - Try to close/delete the index or update anythingt (shoudn't be able)</p>
<h1 dir="auto">Log samples</h1>
<p dir="auto">Master</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[2013-05-06 08:41:53,423][WARN ][cluster.action.shard ] [es84b] received shard failed for [public_20120601][28], node[FvESugqWT3OJphhj6nFIZA], [P], s[INITIALIZING], reason [Failed to create shard, message [IndexShardCreationException[[public_20120601][28] failed to create shard]; nested: ElasticSearchParseException[Failed to parse [60mb]]; nested: NumberFormatException[For input string: "60mb"]; ]]
[2013-05-06 08:41:53,423][WARN ][cluster.action.shard ] [es84b] received shard failed for [public_20120601][22], node[SlES3cBSS8q7Fjqc4hOQeQ], [P], s[INITIALIZING], reason [Failed to create shard, message [IndexShardCreationException[[public_20120601][22] failed to create shard]; nested: ElasticSearchParseException[Failed to parse [60mb]]; nested: NumberFormatException[For input string: "60mb"]; ]]"><pre class="notranslate"><code class="notranslate">[2013-05-06 08:41:53,423][WARN ][cluster.action.shard ] [es84b] received shard failed for [public_20120601][28], node[FvESugqWT3OJphhj6nFIZA], [P], s[INITIALIZING], reason [Failed to create shard, message [IndexShardCreationException[[public_20120601][28] failed to create shard]; nested: ElasticSearchParseException[Failed to parse [60mb]]; nested: NumberFormatException[For input string: "60mb"]; ]]
[2013-05-06 08:41:53,423][WARN ][cluster.action.shard ] [es84b] received shard failed for [public_20120601][22], node[SlES3cBSS8q7Fjqc4hOQeQ], [P], s[INITIALIZING], reason [Failed to create shard, message [IndexShardCreationException[[public_20120601][22] failed to create shard]; nested: ElasticSearchParseException[Failed to parse [60mb]]; nested: NumberFormatException[For input string: "60mb"]; ]]
</code></pre></div>
<p dir="auto">Node</p>
<div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[2013-05-06 08:41:53,451][WARN ][indices.cluster ] [es84b] [public_20120601][35] failed to create shard [0/2]
org.elasticsearch.index.shard.IndexShardCreationException: [public_20120601][35] failed to create shard
at org.elasticsearch.index.service.InternalIndexService.createShard(InternalIndexService.java:323)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.applyInitializingShard(IndicesClusterStateService.java:561)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.applyNewOrUpdatedShards(IndicesClusterStateService.java:526)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.clusterChanged(IndicesClusterStateService.java:171)
at org.elasticsearch.cluster.service.InternalClusterService$2.run(InternalClusterService.java:315)
at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1110)
at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:603)
at java.lang.Thread.run(Thread.java:722)
Caused by: org.elasticsearch.ElasticSearchParseException: Failed to parse [60mb]
at org.elasticsearch.common.unit.TimeValue.parseTimeValue(TimeValue.java:253)
at org.elasticsearch.common.settings.ImmutableSettings.getAsTime(ImmutableSettings.java:191)
at org.elasticsearch.index.translog.TranslogService.<init>(TranslogService.java:79)
at sun.reflect.NativeConstructorAccessorImpl.newInstance0(Native Method)
at sun.reflect.NativeConstructorAccessorImpl.newInstance(NativeConstructorAccessorImpl.java:57)
at sun.reflect.DelegatingConstructorAccessorImpl.newInstance(DelegatingConstructorAccessorImpl.java:45)
at java.lang.reflect.Constructor.newInstance(Constructor.java:525)
at org.elasticsearch.common.inject.DefaultConstructionProxyFactory$1.newInstance(DefaultConstructionProxyFactory.java:54)
at org.elasticsearch.common.inject.ConstructorInjector.construct(ConstructorInjector.java:86)
at org.elasticsearch.common.inject.ConstructorBindingImpl$Factory.get(ConstructorBindingImpl.java:98)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter$1.call(ProviderToInternalFactoryAdapter.java:45)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:819)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter.get(ProviderToInternalFactoryAdapter.java:42)
at org.elasticsearch.common.inject.Scopes$1$1.get(Scopes.java:56)
at org.elasticsearch.common.inject.InternalFactoryToProviderAdapter.get(InternalFactoryToProviderAdapter.java:45)
at org.elasticsearch.common.inject.InjectorBuilder$1.call(InjectorBuilder.java:200)
at org.elasticsearch.common.inject.InjectorBuilder$1.call(InjectorBuilder.java:193)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:812)
at org.elasticsearch.common.inject.InjectorBuilder.loadEagerSingletons(InjectorBuilder.java:193)
at org.elasticsearch.common.inject.InjectorBuilder.injectDynamically(InjectorBuilder.java:175)
at org.elasticsearch.common.inject.InjectorBuilder.build(InjectorBuilder.java:110)
at org.elasticsearch.common.inject.InjectorImpl.createChildInjector(InjectorImpl.java:129)
at org.elasticsearch.common.inject.ModulesBuilder.createChildInjector(ModulesBuilder.java:66)
at org.elasticsearch.index.service.InternalIndexService.createShard(InternalIndexService.java:321)
... 7 more
Caused by: java.lang.NumberFormatException: For input string: "60mb"
at java.lang.NumberFormatException.forInputString(NumberFormatException.java:65)
at java.lang.Long.parseLong(Long.java:441)
at java.lang.Long.parseLong(Long.java:483)
at org.elasticsearch.common.unit.TimeValue.parseTimeValue(TimeValue.java:249)
... 30 more
"><pre class="notranslate"><code class="notranslate">[2013-05-06 08:41:53,451][WARN ][indices.cluster ] [es84b] [public_20120601][35] failed to create shard [0/2]
org.elasticsearch.index.shard.IndexShardCreationException: [public_20120601][35] failed to create shard
at org.elasticsearch.index.service.InternalIndexService.createShard(InternalIndexService.java:323)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.applyInitializingShard(IndicesClusterStateService.java:561)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.applyNewOrUpdatedShards(IndicesClusterStateService.java:526)
at org.elasticsearch.indices.cluster.IndicesClusterStateService.clusterChanged(IndicesClusterStateService.java:171)
at org.elasticsearch.cluster.service.InternalClusterService$2.run(InternalClusterService.java:315)
at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1110)
at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:603)
at java.lang.Thread.run(Thread.java:722)
Caused by: org.elasticsearch.ElasticSearchParseException: Failed to parse [60mb]
at org.elasticsearch.common.unit.TimeValue.parseTimeValue(TimeValue.java:253)
at org.elasticsearch.common.settings.ImmutableSettings.getAsTime(ImmutableSettings.java:191)
at org.elasticsearch.index.translog.TranslogService.<init>(TranslogService.java:79)
at sun.reflect.NativeConstructorAccessorImpl.newInstance0(Native Method)
at sun.reflect.NativeConstructorAccessorImpl.newInstance(NativeConstructorAccessorImpl.java:57)
at sun.reflect.DelegatingConstructorAccessorImpl.newInstance(DelegatingConstructorAccessorImpl.java:45)
at java.lang.reflect.Constructor.newInstance(Constructor.java:525)
at org.elasticsearch.common.inject.DefaultConstructionProxyFactory$1.newInstance(DefaultConstructionProxyFactory.java:54)
at org.elasticsearch.common.inject.ConstructorInjector.construct(ConstructorInjector.java:86)
at org.elasticsearch.common.inject.ConstructorBindingImpl$Factory.get(ConstructorBindingImpl.java:98)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter$1.call(ProviderToInternalFactoryAdapter.java:45)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:819)
at org.elasticsearch.common.inject.ProviderToInternalFactoryAdapter.get(ProviderToInternalFactoryAdapter.java:42)
at org.elasticsearch.common.inject.Scopes$1$1.get(Scopes.java:56)
at org.elasticsearch.common.inject.InternalFactoryToProviderAdapter.get(InternalFactoryToProviderAdapter.java:45)
at org.elasticsearch.common.inject.InjectorBuilder$1.call(InjectorBuilder.java:200)
at org.elasticsearch.common.inject.InjectorBuilder$1.call(InjectorBuilder.java:193)
at org.elasticsearch.common.inject.InjectorImpl.callInContext(InjectorImpl.java:812)
at org.elasticsearch.common.inject.InjectorBuilder.loadEagerSingletons(InjectorBuilder.java:193)
at org.elasticsearch.common.inject.InjectorBuilder.injectDynamically(InjectorBuilder.java:175)
at org.elasticsearch.common.inject.InjectorBuilder.build(InjectorBuilder.java:110)
at org.elasticsearch.common.inject.InjectorImpl.createChildInjector(InjectorImpl.java:129)
at org.elasticsearch.common.inject.ModulesBuilder.createChildInjector(ModulesBuilder.java:66)
at org.elasticsearch.index.service.InternalIndexService.createShard(InternalIndexService.java:321)
... 7 more
Caused by: java.lang.NumberFormatException: For input string: "60mb"
at java.lang.NumberFormatException.forInputString(NumberFormatException.java:65)
at java.lang.Long.parseLong(Long.java:441)
at java.lang.Long.parseLong(Long.java:483)
at org.elasticsearch.common.unit.TimeValue.parseTimeValue(TimeValue.java:249)
... 30 more
</code></pre></div> | 1 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.