text1
stringlengths
0
536k
text2
stringlengths
0
536k
label
int64
0
1
<p dir="auto">I just found out that property access expressions doesn't work on type predicate functions and <code class="notranslate">instanceof</code> type guards.</p> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=" class A { propA: number; } class B { propB: number; } class C { propC: A; } declare function isA(p1: any): p1 is D; interface D { a: A | B b: A | C; } let d: D; if (isA(d.b)) { d.b.propA; //error } function foo(d: D) { if (d.b instanceof A) { d.b.propA // error } }"><pre class="notranslate"><span class="pl-k">class</span> <span class="pl-smi">A</span> <span class="pl-kos">{</span> <span class="pl-c1">propA</span>: <span class="pl-smi">number</span><span class="pl-kos">;</span> <span class="pl-kos">}</span> <span class="pl-k">class</span> <span class="pl-smi">B</span> <span class="pl-kos">{</span> <span class="pl-c1">propB</span>: <span class="pl-smi">number</span><span class="pl-kos">;</span> <span class="pl-kos">}</span> <span class="pl-k">class</span> <span class="pl-smi">C</span> <span class="pl-kos">{</span> <span class="pl-c1">propC</span>: <span class="pl-smi">A</span><span class="pl-kos">;</span> <span class="pl-kos">}</span> <span class="pl-k">declare</span> <span class="pl-k">function</span> <span class="pl-s1">isA</span><span class="pl-kos">(</span><span class="pl-s1">p1</span>: <span class="pl-smi">any</span><span class="pl-kos">)</span>: <span class="pl-s1">p1</span> is <span class="pl-smi">D</span><span class="pl-kos">;</span> <span class="pl-k">interface</span> <span class="pl-smi">D</span> <span class="pl-kos">{</span> <span class="pl-c1">a</span>: <span class="pl-smi">A</span> <span class="pl-c1">|</span> <span class="pl-smi">B</span> <span class="pl-c1">b</span>: <span class="pl-smi">A</span> <span class="pl-c1">|</span> <span class="pl-smi">C</span><span class="pl-kos">;</span> <span class="pl-kos">}</span> <span class="pl-k">let</span> <span class="pl-s1">d</span>: <span class="pl-smi">D</span><span class="pl-kos">;</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-en">isA</span><span class="pl-kos">(</span><span class="pl-s1">d</span><span class="pl-kos">.</span><span class="pl-c1">b</span><span class="pl-kos">)</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-s1">d</span><span class="pl-kos">.</span><span class="pl-c1">b</span><span class="pl-kos">.</span><span class="pl-c1">propA</span><span class="pl-kos">;</span> <span class="pl-c">//error</span> <span class="pl-kos">}</span> <span class="pl-k">function</span> <span class="pl-en">foo</span><span class="pl-kos">(</span><span class="pl-s1">d</span>: <span class="pl-smi">D</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">d</span><span class="pl-kos">.</span><span class="pl-c1">b</span> <span class="pl-k">instanceof</span> <span class="pl-smi">A</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-s1">d</span><span class="pl-kos">.</span><span class="pl-c1">b</span><span class="pl-kos">.</span><span class="pl-c1">propA</span> <span class="pl-c">// error</span> <span class="pl-kos">}</span> <span class="pl-kos">}</span></pre></div> <p dir="auto">I'm not sure if there is an easy fix on this problem. We are provided just a symbol when narrowing. That symbol represent the left most expression and then we walk up the if statement. There is no easy way of controlling symbol by symbol on each namespace in a property access expression in the if-statement-body. Because there is no info about the property access expression provided in <code class="notranslate">getTypeOfSymbolAtLocation(symbol: Symbol, node: Node)</code>.</p> <p dir="auto">I also found that type assertion expressions are also not working in type predicate functions. But I will land a fix on that.</p> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="if (isA(&lt;A&gt;union)) { a = union; } if (isA(union as A)) { a = union; }"><pre class="notranslate"><span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-en">isA</span><span class="pl-kos">(</span><span class="pl-kos">&lt;</span><span class="pl-smi">A</span><span class="pl-kos">&gt;</span><span class="pl-s1">union</span><span class="pl-kos">)</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-s1">a</span> <span class="pl-c1">=</span> <span class="pl-s1">union</span><span class="pl-kos">;</span> <span class="pl-kos">}</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-en">isA</span><span class="pl-kos">(</span><span class="pl-s1">union</span> <span class="pl-k">as</span> <span class="pl-smi">A</span><span class="pl-kos">)</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-s1">a</span> <span class="pl-c1">=</span> <span class="pl-s1">union</span><span class="pl-kos">;</span> <span class="pl-kos">}</span></pre></div>
<p dir="auto">This is a proposal for using property access as another form of type guards (see <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="45918355" data-permission-text="Title is private" data-url="https://github.com/microsoft/TypeScript/issues/900" data-hovercard-type="pull_request" data-hovercard-url="/microsoft/TypeScript/pull/900/hovercard" href="https://github.com/microsoft/TypeScript/pull/900">#900</a>) to narrow union types. While we're investigating expanding the power of type guards (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="47327525" data-permission-text="Title is private" data-url="https://github.com/microsoft/TypeScript/issues/1007" data-hovercard-type="issue" data-hovercard-url="/microsoft/TypeScript/issues/1007/hovercard" href="https://github.com/microsoft/TypeScript/issues/1007">#1007</a>) this feature would support the natural style that JavaScript programmers have in their code today.</p> <h3 dir="auto">Using property access to narrow union types</h3> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="var x: string|number; if (x.length) { // no error even though number lacks a length property var r = x.charAt(3); // x is of type string inside this block } var r2 = x.length || x * x; // no error, x narrowed to number on right hand side, r3 is number var y: string[]|number[]|string; if (y.length &amp;&amp; y.push) { // y is string[]|number[] now var first = y[0]; // first is string|number if (first.length) { // first is string in here } else { // first is number in here } }"><pre class="notranslate"><span class="pl-k">var</span> <span class="pl-s1">x</span>: <span class="pl-smi">string</span><span class="pl-c1">|</span><span class="pl-smi">number</span><span class="pl-kos">;</span> <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-c1">length</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-c">// no error even though number lacks a length property</span> <span class="pl-k">var</span> <span class="pl-s1">r</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span><span class="pl-kos">.</span><span class="pl-en">charAt</span><span class="pl-kos">(</span><span class="pl-c1">3</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-c">// x is of type string inside this block</span> <span class="pl-kos">}</span> <span class="pl-k">var</span> <span class="pl-s1">r2</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span><span class="pl-kos">.</span><span class="pl-c1">length</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-kos">;</span> <span class="pl-c">// no error, x narrowed to number on right hand side, r3 is number</span> <span class="pl-k">var</span> <span class="pl-s1">y</span>: <span class="pl-smi">string</span><span class="pl-kos">[</span><span class="pl-kos">]</span><span class="pl-c1">|</span><span class="pl-smi">number</span><span class="pl-kos">[</span><span class="pl-kos">]</span><span class="pl-c1">|</span><span class="pl-smi">string</span><span class="pl-kos">;</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">y</span><span class="pl-kos">.</span><span class="pl-c1">length</span> <span class="pl-c1">&amp;&amp;</span> <span class="pl-s1">y</span><span class="pl-kos">.</span><span class="pl-c1">push</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-c">// y is string[]|number[] now</span> <span class="pl-k">var</span> <span class="pl-s1">first</span> <span class="pl-c1">=</span> <span class="pl-s1">y</span><span class="pl-kos">[</span><span class="pl-c1">0</span><span class="pl-kos">]</span><span class="pl-kos">;</span> <span class="pl-c">// first is string|number</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">first</span><span class="pl-kos">.</span><span class="pl-c1">length</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-c">// first is string in here</span> <span class="pl-kos">}</span> <span class="pl-k">else</span> <span class="pl-kos">{</span> <span class="pl-c">// first is number in here</span> <span class="pl-kos">}</span> <span class="pl-kos">}</span></pre></div> <p dir="auto">We do not expand the situations in which types are narrowed, but we do expand the known type guard patterns to include basic property access. In these narrowing contexts it would be an error to access a property that does not exist in at least one of the constituent types of a union type (as it is today). However, it would now be valid to access a property that exists in at least one, but not all, constituent types. Any such property access will then narrow the type of the operand to only those constituent types in the union which do contain the accessed property. In any other context property access is unchanged.</p> <h3 dir="auto">Invalid property access</h3> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="var x: string|number; var r = x.length; // error, not a type guard, normal property access rules apply if (x.len) { } // error, len does not exist on type string|number var r3 = !x.len &amp;&amp; x.length; // error, len does not exist on type string|number var r4 = x.length &amp;&amp; x.len; // error, len does not exist on type string"><pre class="notranslate"><span class="pl-k">var</span> <span class="pl-s1">x</span>: <span class="pl-smi">string</span><span class="pl-c1">|</span><span class="pl-smi">number</span><span class="pl-kos">;</span> <span class="pl-k">var</span> <span class="pl-s1">r</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span><span class="pl-kos">.</span><span class="pl-c1">length</span><span class="pl-kos">;</span> <span class="pl-c">// error, not a type guard, normal property access rules apply</span> <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-c1">len</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-kos">}</span> <span class="pl-c">// error, len does not exist on type string|number </span> <span class="pl-k">var</span> <span class="pl-s1">r3</span> <span class="pl-c1">=</span> <span class="pl-c1">!</span><span class="pl-s1">x</span><span class="pl-kos">.</span><span class="pl-c1">len</span> <span class="pl-c1">&amp;&amp;</span> <span class="pl-s1">x</span><span class="pl-kos">.</span><span class="pl-c1">length</span><span class="pl-kos">;</span> <span class="pl-c">// error, len does not exist on type string|number </span> <span class="pl-k">var</span> <span class="pl-s1">r4</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span><span class="pl-kos">.</span><span class="pl-c1">length</span> <span class="pl-c1">&amp;&amp;</span> <span class="pl-s1">x</span><span class="pl-kos">.</span><span class="pl-c1">len</span><span class="pl-kos">;</span> <span class="pl-c">// error, len does not exist on type string</span></pre></div> <h3 dir="auto">Issues/Questions</h3> <ul dir="auto"> <li>Should the language service behave differently in these type guard contexts? Should dotting off a union type in a type guard list all members on all types rather than only those that exist on all of them?</li> <li>Need to understand performance implications</li> </ul> <p dir="auto">I have a sample implementation and tests in a branch here: <a href="https://github.com/Microsoft/TypeScript/tree/typeGuardsViaPropertyAccess">https://github.com/Microsoft/TypeScript/tree/typeGuardsViaPropertyAccess</a>. There're a couple bugs remaining but examples like the above all work and no existing behavior was changed.</p>
1
<p dir="auto">I am trying to run the following code in anaconda on 64 bit windows 8.1. But it is generating error randomly after some epochs. Please help to get out of this.</p> <p dir="auto">Code:</p> <p dir="auto">from <strong>future</strong> import print_function<br> import os<br> import datetime<br> import time<br> import numpy as np<br> from keras.datasets import cifar10<br> from keras.preprocessing.image import ImageDataGenerator<br> from keras.models import Sequential<br> from keras.layers.core import Dense, Dropout, Activation, Flatten<br> from keras.layers.convolutional import Convolution2D, MaxPooling2D<br> from keras.optimizers import SGD,Adam, RMSprop<br> from keras.utils import np_utils<br> import matplotlib.pyplot as plt<br> from keras.callbacks import Callback, ModelCheckpoint, History</p> <p dir="auto">batch_size = 32<br> nb_classes = 10<br> nb_epoch = 50</p> <p dir="auto">nwt = datetime.datetime.now</p> <h1 dir="auto">input image dimensions</h1> <p dir="auto">img_rows, img_cols = 32, 32</p> <h1 dir="auto">the CIFAR10 images are RGB</h1> <p dir="auto">img_channels = 3</p> <h1 dir="auto">the data, shuffled and split between train and test sets</h1> <p dir="auto">(X_train, y_train), (X_test, y_test) = cifar10.load_data()</p> <h1 dir="auto">X_train = X_train[0:1000,:]</h1> <h1 dir="auto">y_train = y_train[0:1000]</h1> <h1 dir="auto">X_test = X_test[0:1000,:]</h1> <h1 dir="auto">y_test = y_test[0:1000,]</h1> <p dir="auto">print('X_train shape:', X_train.shape)<br> print(X_train.shape[0], 'train samples')<br> print(X_test.shape[0], 'test samples')</p> <h1 dir="auto">convert class vectors to binary class matrices</h1> <p dir="auto">Y_train = np_utils.to_categorical(y_train, nb_classes)<br> Y_test = np_utils.to_categorical(y_test, nb_classes)</p> <p dir="auto">model = Sequential()</p> <p dir="auto">model.add(Convolution2D(32, 3, 3, border_mode='same',<br> input_shape=(img_channels, img_rows, img_cols)))<br> model.add(Activation('relu'))<br> model.add(Convolution2D(32, 3, 3))<br> model.add(Activation('relu'))<br> model.add(MaxPooling2D(pool_size=(2, 2)))<br> model.add(Dropout(0.25))</p> <p dir="auto">model.add(Convolution2D(64, 3, 3, border_mode='same'))<br> model.add(Activation('relu'))<br> model.add(Convolution2D(64, 3, 3))<br> model.add(Activation('relu'))<br> model.add(MaxPooling2D(pool_size=(2, 2)))<br> model.add(Dropout(0.25))</p> <p dir="auto">model.add(Flatten())<br> model.add(Dense(512))<br> model.add(Activation('relu'))<br> model.add(Dropout(0.5))<br> model.add(Dense(nb_classes))<br> model.add(Activation('softmax'))</p> <h1 dir="auto">let's train the model using SGD + momentum (how original).</h1> <p dir="auto">sgd = SGD(lr=0.01, decay=1e-6, momentum=0.9, nesterov=True)<br> model.compile(loss='categorical_crossentropy', optimizer=sgd, metrics = ['accuracy'])</p> <p dir="auto">X_train = X_train.astype('float32')<br> X_test = X_test.astype('float32')<br> X_train /= 255<br> X_test /= 255</p> <p dir="auto">start_time = nwt()</p> <p dir="auto">print('Using real-time data augmentation.')<br> WEIGHTS_FNAME = 'cifar_aug_cnn_weights.hdf'</p> <p dir="auto">if False and os.path.exists(WEIGHTS_FNAME):<br> # Just change the True to false to force re-training<br> print('Loading existing weights')<br> model.load_weights(WEIGHTS_FNAME)<br> else:<br> # this will do preprocessing and realtime data augmentation<br> datagen = ImageDataGenerator(<br> featurewise_center=False, # set input mean to 0 over the dataset<br> samplewise_center=False, # set each sample mean to 0<br> featurewise_std_normalization=False, # divide inputs by std of the dataset<br> samplewise_std_normalization=False, # divide each input by its std<br> zca_whitening=False, # apply ZCA whitening<br> rotation_range=0, # randomly rotate images in the range (degrees, 0 to 180)<br> width_shift_range=0.1, # randomly shift images horizontally (fraction of total width)<br> height_shift_range=0.1, # randomly shift images vertically (fraction of total height)<br> horizontal_flip=True, # randomly flip images<br> vertical_flip=False) # randomly flip images</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="# compute quantities required for featurewise normalization # (std, mean, and principal components if ZCA whitening is applied) datagen.fit(X_train) # fit the model on the batches generated by datagen.flow()"><pre class="notranslate"><code class="notranslate"># compute quantities required for featurewise normalization # (std, mean, and principal components if ZCA whitening is applied) datagen.fit(X_train) # fit the model on the batches generated by datagen.flow() </code></pre></div> <h1 dir="auto">checkpt = ModelCheckpoint(filepath="F:\own_trial\p1_da\data\weights_{epoch:}.hdf", verbose=0, save_best_only=False)</h1> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="model.fit_generator(datagen.flow(X_train, Y_train, batch_size=batch_size), samples_per_epoch=X_train.shape[0], nb_epoch=nb_epoch, verbose = 1, validation_data=(X_test, Y_test), nb_worker=1)"><pre class="notranslate"><code class="notranslate">model.fit_generator(datagen.flow(X_train, Y_train, batch_size=batch_size), samples_per_epoch=X_train.shape[0], nb_epoch=nb_epoch, verbose = 1, validation_data=(X_test, Y_test), nb_worker=1) </code></pre></div> <h1 dir="auto">time.sleep(3)</h1> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="model.save_weights(WEIGHTS_FNAME)"><pre class="notranslate"><code class="notranslate">model.save_weights(WEIGHTS_FNAME) </code></pre></div> <hr> <p dir="auto">Error occured at 43th epoch after processing 3424 files is:<br> Epoch 43/50<br> 3424/50000 [=&gt;............................] - ETA: 91s - loss: 0.7680 - acc: 0.7314 Traceback (most recent call last):</p> <p dir="auto">File "", line 1, in <br> runfile('F:/da_trail/p1_da_50/demo_da.py', wdir='F:/da_trail/p1_da_50')</p> <p dir="auto">File "C:\Users\Y50-70\Anaconda2\lib\site-packages\spyderlib\widgets\externalshell\sitecustomize.py", line 714, in runfile<br> execfile(filename, namespace)</p> <p dir="auto">File "C:\Users\Y50-70\Anaconda2\lib\site-packages\spyderlib\widgets\externalshell\sitecustomize.py", line 74, in execfile<br> exec(compile(scripttext, filename, 'exec'), glob, loc)</p> <p dir="auto">File "F:/da_trail/p1_da_50/demo_da.py", line 116, in <br> nb_worker=1)</p> <p dir="auto">File "C:\Users\Y50-70\Anaconda2\lib\site-packages\keras\models.py", line 851, in fit_generator<br> pickle_safe=pickle_safe)</p> <p dir="auto">File "C:\Users\Y50-70\Anaconda2\lib\site-packages\keras\engine\training.py", line 1454, in fit_generator<br> callbacks.on_batch_end(batch_index, batch_logs)</p> <p dir="auto">File "C:\Users\Y50-70\Anaconda2\lib\site-packages\keras\callbacks.py", line 61, in on_batch_end<br> callback.on_batch_end(batch, logs)</p> <p dir="auto">File "C:\Users\Y50-70\Anaconda2\lib\site-packages\keras\callbacks.py", line 189, in on_batch_end<br> self.progbar.update(self.seen, self.log_values)</p> <p dir="auto">File "C:\Users\Y50-70\Anaconda2\lib\site-packages\keras\utils\generic_utils.py", line 119, in update<br> sys.stdout.write(info)</p> <p dir="auto">File "C:\Users\Y50-70\Anaconda2\lib\site-packages\ipykernel\iostream.py", line 317, in write<br> self._buffer.write(string)</p> <p dir="auto">ValueError: I/O operation on closed file</p>
<p dir="auto">Any idea what could be causing this error? I've been trying to solve this for a week. Thanks in advance.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Train on 60816 samples, validate on 15204 samples Epoch 1/20 60816/60816 [==============================] - 19s - loss: 0.1665 - acc: 0.9597 - val_loss: 0.1509 - val_acc: 0.9605 Epoch 2/20 31200/60816 [==============&gt;...............] - ETA: 8s - loss: 0.1583 - acc: 0.9600����������������������������������������������������������������������������������� --------------------------------------------------------------------------- ValueError Traceback (most recent call last) &lt;ipython-input-4-e3590f9fe5e6&gt; in &lt;module&gt;() 16 17 my_model = model.fit(train_x, train_y, batch_size=100, nb_epoch=20, ---&gt; 18 show_accuracy=True, verbose=1, validation_data=(test_x, test_y)) 19 score = model.evaluate(test_x, test_y, show_accuracy=True, verbose=0) 20 print('Test loss:', score[0]) /usr/local/lib/python2.7/dist-packages/keras/models.pyc in fit(self, X, y, batch_size, nb_epoch, verbose, callbacks, validation_split, validation_data, shuffle, show_accuracy, class_weight, sample_weight) 644 verbose=verbose, callbacks=callbacks, 645 val_f=val_f, val_ins=val_ins, --&gt; 646 shuffle=shuffle, metrics=metrics) 647 648 def predict(self, X, batch_size=128, verbose=0): /usr/local/lib/python2.7/dist-packages/keras/models.pyc in _fit(self, f, ins, out_labels, batch_size, nb_epoch, verbose, callbacks, val_f, val_ins, shuffle, metrics) 284 batch_logs[l] = o 285 --&gt; 286 callbacks.on_batch_end(batch_index, batch_logs) 287 288 epoch_logs = {} /usr/local/lib/python2.7/dist-packages/keras/callbacks.pyc in on_batch_end(self, batch, logs) 58 t_before_callbacks = time.time() 59 for callback in self.callbacks: ---&gt; 60 callback.on_batch_end(batch, logs) 61 self._delta_ts_batch_end.append(time.time() - t_before_callbacks) 62 delta_t_median = np.median(self._delta_ts_batch_end) /usr/local/lib/python2.7/dist-packages/keras/callbacks.pyc in on_batch_end(self, batch, logs) 168 # will be handled by on_epoch_end 169 if self.verbose and self.seen &lt; self.params['nb_sample']: --&gt; 170 self.progbar.update(self.seen, self.log_values) 171 172 def on_epoch_end(self, epoch, logs={}): /usr/local/lib/python2.7/dist-packages/keras/utils/generic_utils.pyc in update(self, current, values) 59 prev_total_width = self.total_width 60 sys.stdout.write(&quot;\b&quot; * prev_total_width) ---&gt; 61 sys.stdout.write(&quot;\r&quot;) 62 63 numdigits = int(np.floor(np.log10(self.target))) + 1 /usr/local/lib/python2.7/dist-packages/ipykernel/iostream.pyc in write(self, string) 315 316 is_child = (not self._is_master_process()) --&gt; 317 self._buffer.write(string) 318 if is_child: 319 # newlines imply flush in subprocesses ValueError: I/O operation on closed file"><pre class="notranslate"><code class="notranslate">Train on 60816 samples, validate on 15204 samples Epoch 1/20 60816/60816 [==============================] - 19s - loss: 0.1665 - acc: 0.9597 - val_loss: 0.1509 - val_acc: 0.9605 Epoch 2/20 31200/60816 [==============&gt;...............] - ETA: 8s - loss: 0.1583 - acc: 0.9600����������������������������������������������������������������������������������� --------------------------------------------------------------------------- ValueError Traceback (most recent call last) &lt;ipython-input-4-e3590f9fe5e6&gt; in &lt;module&gt;() 16 17 my_model = model.fit(train_x, train_y, batch_size=100, nb_epoch=20, ---&gt; 18 show_accuracy=True, verbose=1, validation_data=(test_x, test_y)) 19 score = model.evaluate(test_x, test_y, show_accuracy=True, verbose=0) 20 print('Test loss:', score[0]) /usr/local/lib/python2.7/dist-packages/keras/models.pyc in fit(self, X, y, batch_size, nb_epoch, verbose, callbacks, validation_split, validation_data, shuffle, show_accuracy, class_weight, sample_weight) 644 verbose=verbose, callbacks=callbacks, 645 val_f=val_f, val_ins=val_ins, --&gt; 646 shuffle=shuffle, metrics=metrics) 647 648 def predict(self, X, batch_size=128, verbose=0): /usr/local/lib/python2.7/dist-packages/keras/models.pyc in _fit(self, f, ins, out_labels, batch_size, nb_epoch, verbose, callbacks, val_f, val_ins, shuffle, metrics) 284 batch_logs[l] = o 285 --&gt; 286 callbacks.on_batch_end(batch_index, batch_logs) 287 288 epoch_logs = {} /usr/local/lib/python2.7/dist-packages/keras/callbacks.pyc in on_batch_end(self, batch, logs) 58 t_before_callbacks = time.time() 59 for callback in self.callbacks: ---&gt; 60 callback.on_batch_end(batch, logs) 61 self._delta_ts_batch_end.append(time.time() - t_before_callbacks) 62 delta_t_median = np.median(self._delta_ts_batch_end) /usr/local/lib/python2.7/dist-packages/keras/callbacks.pyc in on_batch_end(self, batch, logs) 168 # will be handled by on_epoch_end 169 if self.verbose and self.seen &lt; self.params['nb_sample']: --&gt; 170 self.progbar.update(self.seen, self.log_values) 171 172 def on_epoch_end(self, epoch, logs={}): /usr/local/lib/python2.7/dist-packages/keras/utils/generic_utils.pyc in update(self, current, values) 59 prev_total_width = self.total_width 60 sys.stdout.write("\b" * prev_total_width) ---&gt; 61 sys.stdout.write("\r") 62 63 numdigits = int(np.floor(np.log10(self.target))) + 1 /usr/local/lib/python2.7/dist-packages/ipykernel/iostream.pyc in write(self, string) 315 316 is_child = (not self._is_master_process()) --&gt; 317 self._buffer.write(string) 318 if is_child: 319 # newlines imply flush in subprocesses ValueError: I/O operation on closed file </code></pre></div>
1
<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><br> Adding NamedModulesPlugin to a project that uses certain global lookups results in what are effectively reference errors.</p> <p dir="auto"><strong>If the current behavior is a bug, please provide the steps to reproduce.</strong><br> Add NamedModulePlugins to <a href="https://github.com/shakacode/bootstrap-loader/blob/master/examples/basic/webpack.dev.config.js">https://github.com/shakacode/bootstrap-loader/blob/master/examples/basic/webpack.dev.config.js</a> (which uses jquery &amp; bootstrap. <a href="https://github.com/shakacode/bootstrap-loader/issues/288" data-hovercard-type="issue" data-hovercard-url="/shakacode/bootstrap-loader/issues/288/hovercard">Resulting Error</a>).</p> <p dir="auto"><a href="https://github.com/eggheadio/egghead-ui/blob/master/src/components/Icon/index.js#L65">https://github.com/eggheadio/egghead-ui/blob/master/src/components/Icon/index.js#L65</a> also breaks with <code class="notranslate">keys</code> being declared not a function.</p> <p dir="auto"><strong>What is the expected behavior?</strong><br> That global lookups work.</p> <p dir="auto"><strong>If this is a feature request, what is motivation or use case for changing the behavior?</strong><br> Compatibility with other libraries.</p> <p dir="auto"><strong>Please mention other relevant information such as the browser version, Node.js version, webpack version and Operating System.</strong><br> webpack: 2.2.1</p>
<p dir="auto">Adding NamedModulesPlugin to the webpack config somehow removes jquery aliases from the global namespace. Results in the following Bootstrap Utils error:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Uncaught TypeError: Cannot set property 'emulateTransitionEnd' of undefined at setTransitionEndSupport (webpack:///./\~/bootstrap/js/dist/util.js?./\~/exports-loader?Util:88) at eval (webpack:///./\~/bootstrap/js/dist/util.js?./\~/exports-loader?Util:146) at Object.eval (webpack:///./\~/bootstrap/js/dist/util.js?./\~/exports-loader?Util:149) at eval (webpack:///./\~/bootstrap/js/dist/util.js?./\~/exports-loader?Util:155) at Object../node_modules/exports-loader/index.js?Util!./node_modules/bootstrap/js/dist/util.js (vendor-client-bundle.js:5770) at \_\_webpack_require\_\_ (vendor-client-bundle.js:692) at fn (vendor-client-bundle.js:111) at eval (webpack:///./~/bootstrap/js/dist/alert.js?:185) at Object../node_modules/bootstrap/js/dist/alert.js (vendor-client-bundle.js:922) at \_\_webpack_require\_\_ (vendor-client-bundle.js:692)"><pre class="notranslate"><code class="notranslate">Uncaught TypeError: Cannot set property 'emulateTransitionEnd' of undefined at setTransitionEndSupport (webpack:///./\~/bootstrap/js/dist/util.js?./\~/exports-loader?Util:88) at eval (webpack:///./\~/bootstrap/js/dist/util.js?./\~/exports-loader?Util:146) at Object.eval (webpack:///./\~/bootstrap/js/dist/util.js?./\~/exports-loader?Util:149) at eval (webpack:///./\~/bootstrap/js/dist/util.js?./\~/exports-loader?Util:155) at Object../node_modules/exports-loader/index.js?Util!./node_modules/bootstrap/js/dist/util.js (vendor-client-bundle.js:5770) at \_\_webpack_require\_\_ (vendor-client-bundle.js:692) at fn (vendor-client-bundle.js:111) at eval (webpack:///./~/bootstrap/js/dist/alert.js?:185) at Object../node_modules/bootstrap/js/dist/alert.js (vendor-client-bundle.js:922) at \_\_webpack_require\_\_ (vendor-client-bundle.js:692) </code></pre></div>
1
<p dir="auto"><strong>Migrated issue, originally created by Johannes Erdfelt (<a href="https://github.com/jerdfelt">@jerdfelt</a>)</strong></p> <p dir="auto">sqlite treats unique indexes and unique constraints as distinct entities. However, only indexes are reflected and unique constraints aren't.</p> <p dir="auto">This is different than mysql (which aliases unique constraints to a unique index) and postgresql (which has distinct unique indexes and unique constraints).</p> <p dir="auto">The attached script shows the problem.</p> <hr> <p dir="auto">Attachments: <a href="../wiki/imported_issue_attachments/3184/test_reflection.py">test_reflection.py</a> | <a href="../wiki/imported_issue_attachments/3184/postgres.dump">postgres.dump</a> | <a href="../wiki/imported_issue_attachments/3184/sqlite.dump">sqlite.dump</a></p>
<h3 dir="auto">Describe the use case</h3> <p dir="auto">Postgresql supports domains using the <a href="https://www.postgresql.org/docs/current/sql-createdomain.html" rel="nofollow"><code class="notranslate">CREATE DOMAIN</code></a> and <a href="https://www.postgresql.org/docs/current/sql-dropdomain.html" rel="nofollow"><code class="notranslate">DROP DOMAIN</code></a> commands. A domain is a data type with additional constraints -- for example, an email address is a specific kind of string, so you can use a domain to define a type that only accepts strings that are correctly formatted as email addresses.</p> <p dir="auto">I would like to be able to define and manage domains using SQLAlchemy, in the same kind of way that I am already able to define and manage enums with SQLAlchemy.</p> <h3 dir="auto">Databases / Backends / Drivers targeted</h3> <p dir="auto">Postgresql only. As far as I can tell, no other database that SQLAlchemy supports, supports domains.</p> <h3 dir="auto">Example Use</h3> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import sqlalchemy as sa Email = Domain( name=&quot;email&quot;, data_type=sa.Text, constraint=sa.CheckConstraint(r&quot;VALUE ~ '[^@]+@[^@]+\.[^@]+'&quot;), ) t1 = sa.Table( &quot;table&quot;, metadata, sa.Column(&quot;id&quot;, sa.Integer, primary_key=True), sa.Column(&quot;email&quot;, Email), )"><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-s1">sqlalchemy</span> <span class="pl-k">as</span> <span class="pl-s1">sa</span> <span class="pl-v">Email</span> <span class="pl-c1">=</span> <span class="pl-v">Domain</span>( <span class="pl-s1">name</span><span class="pl-c1">=</span><span class="pl-s">"email"</span>, <span class="pl-s1">data_type</span><span class="pl-c1">=</span><span class="pl-s1">sa</span>.<span class="pl-v">Text</span>, <span class="pl-s1">constraint</span><span class="pl-c1">=</span><span class="pl-s1">sa</span>.<span class="pl-v">CheckConstraint</span>(<span class="pl-s">r"VALUE ~ '[^@]+@[^@]+\.[^@]+'"</span>), ) <span class="pl-s1">t1</span> <span class="pl-c1">=</span> <span class="pl-s1">sa</span>.<span class="pl-v">Table</span>( <span class="pl-s">"table"</span>, <span class="pl-s1">metadata</span>, <span class="pl-s1">sa</span>.<span class="pl-v">Column</span>(<span class="pl-s">"id"</span>, <span class="pl-s1">sa</span>.<span class="pl-v">Integer</span>, <span class="pl-s1">primary_key</span><span class="pl-c1">=</span><span class="pl-c1">True</span>), <span class="pl-s1">sa</span>.<span class="pl-v">Column</span>(<span class="pl-s">"email"</span>, <span class="pl-v">Email</span>), )</pre></div> <h3 dir="auto">Additional context</h3> <p dir="auto"><em>No response</em></p>
0
<p dir="auto">Sick of every time I open Atom having to update stuff...</p>
<p dir="auto">Saw an Atom update, closed Atom to get it. Relaunched Atom from the Terminal:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[master] ~/Development/ $ atom . LSOpenURLsWithRole() failed for the application /Applications/Atom.app with error -10810."><pre class="notranslate"><code class="notranslate">[master] ~/Development/ $ atom . LSOpenURLsWithRole() failed for the application /Applications/Atom.app with error -10810. </code></pre></div> <p dir="auto">I guess that means: "I'm still downloading! Be patient!" It'd be nice if the message clarified that a bit. Maybe with something relevant like "Fetching necessary valence electrons, please wait a moment." I'll leave the science jokes to you.</p> <p dir="auto">Somewhat related, I then had to hit <code class="notranslate">atom .</code> one more time to get it to open. I either shouldn't have to do this (<em>i.e.</em> Atom remembers there's a pending <code class="notranslate">atom</code> command and launches after it's done downloading), or, the release notes provides a button that says "download and restart."</p>
0
<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"><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.):<br> created API client, waiting for the control plane to become ready</p> <h2 dir="auto">Related to or a similar discussion happened @ <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="179440894" data-permission-text="Title is private" data-url="https://github.com/kubernetes/kubernetes/issues/33544" data-hovercard-type="issue" data-hovercard-url="/kubernetes/kubernetes/issues/33544/hovercard" href="https://github.com/kubernetes/kubernetes/issues/33544">#33544</a></h2> <p dir="auto">** BUG REPORT ** (choose one):</p> <p dir="auto"><strong>Kubernetes version</strong> (use <code class="notranslate">kubectl version</code>):<br> kubectl version<br> Client Version: version.Info{Major:"1", Minor:"4", GitVersion:"v1.4.0", GitCommit:"a16c0a7f71a6f93c7e0f222d961f4675cd97a46b", GitTreeState:"clean", BuildDate:"2016-09-26T18:16:57Z", GoVersion:"go1.6.3", Compiler:"gc", Platform:"linux/amd64"}</p> <p dir="auto">kubeadm version: version.Info{Major:"1", Minor:"5+", GitVersion:"v1.5.0-alpha.0.1534+cf7301f16c0363-dirty", GitCommit:"cf7301f16c036363c4fdcb5d4d0c867720214598", GitTreeState:"dirty", BuildDate:"2016-09-27T18:10:39Z", GoVersion:"go1.6.3", Compiler:"gc", Platform:"linux/amd64"}</p> <p dir="auto"><strong>Environment</strong>:</p> <ul dir="auto"> <li><strong>Cloud provider or hardware configuration</strong>:<br> Virtual box, vagrant 1.8.1, bento/ubuntu-16.04, 1.5GB RAM, 1 CPU</li> <li><strong>OS</strong> (e.g. from /etc/os-release):<br> Distributor ID: Ubuntu<br> Description: Ubuntu 16.04.1 LTS<br> Release: 16.04<br> Codename: xenial</li> <li><strong>Kernel</strong> (e.g. <code class="notranslate">uname -a</code>):<br> Linux vagrant 4.4.0-38-generic <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="35453339" data-permission-text="Title is private" data-url="https://github.com/kubernetes/kubernetes/issues/57" data-hovercard-type="pull_request" data-hovercard-url="/kubernetes/kubernetes/pull/57/hovercard" href="https://github.com/kubernetes/kubernetes/pull/57">#57</a>-Ubuntu SMP Tue Sep 6 15:42:33 UTC 2016 x86_64 x86_64 x86_64 GNU/Linux</li> <li><strong>Install tools</strong>:</li> <li><strong>Others</strong>:</li> </ul> <p dir="auto"><strong>What happened</strong>:<br> As I try to run kubeadm init, it hangs with<br> root@vagrant:~# kubeadm init</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&lt;master/tokens&gt; generated token: &quot;eca953.0642ac0fa7fc6378&quot; &lt;master/pki&gt; created keys and certificates in &quot;/etc/kubernetes/pki&quot; &lt;util/kubeconfig&gt; created &quot;/etc/kubernetes/kubelet.conf&quot; &lt;util/kubeconfig&gt; created &quot;/etc/kubernetes/admin.conf&quot; &lt;master/apiclient&gt; created API client configuration &lt;master/apiclient&gt; created API client, waiting for the control plane to become ready"><pre class="notranslate"><code class="notranslate">&lt;master/tokens&gt; generated token: "eca953.0642ac0fa7fc6378" &lt;master/pki&gt; created keys and certificates in "/etc/kubernetes/pki" &lt;util/kubeconfig&gt; created "/etc/kubernetes/kubelet.conf" &lt;util/kubeconfig&gt; created "/etc/kubernetes/admin.conf" &lt;master/apiclient&gt; created API client configuration &lt;master/apiclient&gt; created API client, waiting for the control plane to become ready </code></pre></div> <p dir="auto"><strong>What you expected to happen</strong>:<br> The command should have succeeded thereby downloading and installing the cluster database and “control plane” components</p> <p dir="auto"><strong>How to reproduce it</strong> (as minimally and precisely as possible):<br> Download and install docker on Ubuntu 16.04 by following <a href="https://docs.docker.com/engine/installation/linux/ubuntulinux/" rel="nofollow">https://docs.docker.com/engine/installation/linux/ubuntulinux/</a></p> <p dir="auto">Follow <a href="http://kubernetes.io/docs/getting-started-guides/kubeadm/" rel="nofollow">http://kubernetes.io/docs/getting-started-guides/kubeadm/</a> to install kubernete</p> <p dir="auto"><strong>Anything else do we need to know</strong>:</p>
<p dir="auto">Namespace entity, as other entities, contains ObjectMeta (metadata), which contains in turn also a namespace property, which is :<br> a. duplication of information<br> b. can be updated to a completely different value than the namespace it's in.</p> <p dir="auto">so imho this is a bug and can cause inconsistency and confusion.</p>
0
<p dir="auto">Using the shortcuts for copying and pasting text selections duplicates the last selected<br> character to the beginning of the newly inserted line.</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/1464876/2944320/86027e86-d9d1-11e3-90ca-cb7a1aec8f8c.png"><img src="https://cloud.githubusercontent.com/assets/1464876/2944320/86027e86-d9d1-11e3-90ca-cb7a1aec8f8c.png" alt="atom_copypaster_error" style="max-width: 100%;"></a></p> <ul dir="auto"> <li>using copy shortcut and paste from the menu works fine</li> <li>using copy from the menu and paste shortcut even prepends the last character of the selected line to the new one.</li> </ul> <p dir="auto">Plattform:<br> Ubuntu 14.04 64bit</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="$uname -a Linux mindcrime 3.13.0-24-generic #47-Ubuntu SMP Fri May 2 23:30:00 UTC 2014 x86_64 x86_64 x86_64 GNU/Linux"><pre class="notranslate"><code class="notranslate">$uname -a Linux mindcrime 3.13.0-24-generic #47-Ubuntu SMP Fri May 2 23:30:00 UTC 2014 x86_64 x86_64 x86_64 GNU/Linux </code></pre></div> <p dir="auto">Atom Version 0.95.0-7cdaaf2</p>
<p dir="auto">When editing files over an sshfs connection, it takes long periods of time to perform basic actions (directory expansion, file opening). This is likely because git is running locally, but querying a remote repository many times -- can these behaviors be migrated into a non-blocking request? e.g., allow the file to open before the git repo has been read for any changes.</p>
0
<h4 dir="auto">Challenge Name</h4> <h4 dir="auto">Issue Description</h4> <p dir="auto">Going to the following URL: <a href="https://github.com/FreeCodeCamp/FreeCodeCamp/wiki">https://github.com/FreeCodeCamp/FreeCodeCamp/wiki</a><br> This web page has a link called "template" for the Wiki template page. Clicking on this link (<a href="https://github.com/FreeCodeCamp/FreeCodeCamp/wiki/Algorithm-Wiki-Template">https://github.com/FreeCodeCamp/FreeCodeCamp/wiki/Algorithm-Wiki-Template</a>) redirects to the original main wiki page.</p> <p dir="auto">It should be displaying the wiki template page</p> <h4 dir="auto">Browser Information</h4> <ul dir="auto"> <li>Browser Name, Version: Latest Chrome</li> <li>Operating System: OS X</li> <li>Mobile, Desktop, or Tablet: Desktop</li> </ul> <h4 dir="auto">Your Code</h4> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=""><pre class="notranslate"></pre></div> <h4 dir="auto">Screenshot</h4>
<p dir="auto">I noticed that a couple of links are breaking in FreeCodeCamp wiki.</p> <ul dir="auto"> <li>Camperbot <a href="https://freecodecamp.github.io/wiki/en/CamperBot" rel="nofollow">https://freecodecamp.github.io/wiki/en/CamperBot</a></li> <li>Template <a href="https://freecodecamp.github.io/wiki/en/Algorithm-Wiki-Template" rel="nofollow">https://freecodecamp.github.io/wiki/en/Algorithm-Wiki-Template</a></li> </ul>
1
<h3 dir="auto">Description</h3> <p dir="auto">Modify the batch indexing task ID generation logic from</p> <p dir="auto"><code class="notranslate">&lt;index_type_name&gt;_&lt;datasource&gt;_timestamp</code> to<br> <code class="notranslate">&lt;index_type_name&gt;_&lt;datasource&gt;_&lt;random_id&gt;</code><br> This would impact native index tasks as well as hadoop index tasks.</p> <h3 dir="auto">Motivation</h3> <p dir="auto">With the existing task naming convention, if there are multiple indexing tasks submitted at the same time for a datasource, only one of the tasks gets accepted and the remaining tasks fail with <code class="notranslate">Task[xxx] already exists</code>. I'd like to modify the naming convention to the one mentioned above, so that this issue can be avoided.<br> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/jihoonson/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/jihoonson">@jihoonson</a> Any comments regarding this?</p>
<p dir="auto">HadoopDruidIndexer should load up the runtime.properties like all of the other processes and be able to fill stuff into the configuration based on the values it finds (stuff like the pusher). This would help consolidate the various different ways of specifying configuration.</p>
0
<h3 dir="auto">Version</h3> <p dir="auto">2.4.1</p> <h3 dir="auto">Reproduction link</h3> <p dir="auto"><a href="https://github.com/tiagofelipe/vue-store-bug">https://github.com/tiagofelipe/vue-store-bug</a></p> <h3 dir="auto">Steps to reproduce</h3> <p dir="auto">In src/app/auth/services/auth.js i need to import the store "import store from '../../../store'", but an error occurred:</p> <p dir="auto">Uncaught TypeError: Cannot read property 'state' of undefined</p> <p dir="auto">Turns out I wasted a lot of time trying to understand the problem, and then I realized that one of the vuex modules was not being loaded, called auth.</p> <p dir="auto">After several tests, I discovered that, inside my import file of the store modules "src/app/store.js" the following problem occurred:</p> <p dir="auto">import {store as auth} from './auth' - always returns the error even though I changing the address to './auth/index.js'</p> <p dir="auto">Then I duplicated the file './auth/index.js' with a new name './auth/teste.js', keeping the code identical in both files, and changed the import to:</p> <p dir="auto">import {store as auth} from './auth/teste' - this made it work</p> <p dir="auto">Without understanding why this happens, I decided to report the problem.</p> <p dir="auto">If I remove the import store from file 'src/app/auth/services/auth.js', the application returns to normal operation, vuex also works normally and can even load the auth module.</p> <h3 dir="auto">What is expected?</h3> <p dir="auto">Load vuex modules and application work</p> <h3 dir="auto">What is actually happening?</h3> <p dir="auto">Uncaught TypeError: Cannot read property 'state' of undefined</p>
<h3 dir="auto">What problem does this feature solve?</h3> <p dir="auto">因为dom隐藏下,其宽度或者高度为0,但是偏偏有些组件需要用到这个高度宽度,比如自定义的滚动条,轮播等等。<br> 这类的组件一般都有自己的refresh的方法。<br> 为开发过程中为了追求更快的渲染速度使用的是v-show的方案,虽然可以通过v-show对应data的watch去监听 但是这就要组件对外暴露对应的refresh方法,而不能从组件内部的show钩子去实现刷新,这似乎并不怎么优雅。<br> 综上,我希望可以增加show或者hide钩子函数,或者有其他替代方案也是可以的</p> <h3 dir="auto">What does the proposed API look like?</h3> <p dir="auto">如同钩子函数一样,或者类似的插件也是可以的</p>
0
<h3 dir="auto"><strong>bug</strong></h3> <p dir="auto">You can find the code : <a href="https://codesandbox.io/s/j3233w91xw" rel="nofollow">https://codesandbox.io/s/j3233w91xw</a><br> <strong>Code explanation :</strong></p> <ul dir="auto"> <li>The Parent component called "ManageEvents" make an API call to get a list of Events from the backend.</li> <li>Once the events get fetch, I use the function "map" to create the child components called "EventCard" that takes in arguments the events parameters that i fetched. (eventName, eventLocation... and EventPictureIDs)</li> <li>In the EventCard component, I fetch the pictures url using the EventPictureIDs parameter and store the urls in the state called "picture" ( state = { picture: [] }; )</li> <li>Then I display the pictures in the component call "CarouselComponent"</li> </ul> <p dir="auto">**Note : **<br> I just added a button "delete" to delete the cards that you will create. You will get an error on the deletion ( in the javascript console) but if you refresh the page the card will be deleted.</p> <p dir="auto"><strong>PLEASE DO NOT DELETE THE CARD THAT ALREADY EXIST OTHERWISE YOU WONT BE ABLE TO REPRODUCE THE ERROR</strong></p> <h3 dir="auto"><strong>What is the current behavior?</strong></h3> <p dir="auto"><strong>Issue :</strong><br> When I create a new Event, I click on the button "Create Event" that triggers the action to create a default event as follow :<br> let postData = {<br> name: "New Event",<br> location_name: "Paris",<br> location_lat: 34.12345,<br> location_lng: -14.12345,<br> description: "Add the Event's Description",<br> date: moment().format("YYYY-MM-DDThh:mm"),<br> participant: 20,<br> <strong>picture: []</strong><br> };</p> <p dir="auto">and once the event is created in the backend, I use the function "val.unshift(res.data); setstate(....);" to add the event to the ManageEvent State (I use unshift to have the new event being shown as the first Card)<br> And then I re-render the component.<br> The issue is that even if the new event does not have any pictures ( picture: [] ),<br> Reactjs render the component "EventCard" showing pictures for this new event.<br> Reactjs uses the pictures from the previous card for this new card<br> If you refresh the page, the new card will appear correctly without pictures. but it should appear like that without to refresh the page.</p> <p dir="auto">The state of EventCard ( ( state = { picture: [] }; ) ) is not re-init to empty at the each component creation.</p> <p dir="auto"><strong>Note :</strong><br> when using "unshift" the new card appears at the first place with picture (should not appears with pictures)<br> when using "push" instead of "unshift" the new card appears at the last place without pictures (expected)</p> <h3 dir="auto"><strong>What is the expected behavior?</strong></h3> <p dir="auto">I want to use "unshift" to have the new card at the first place without pictures</p> <h3 dir="auto">**Which versions of React, and which browser / OS are affected by this issue? **</h3> <p dir="auto">"react": "^16.5.2"<br> Chrome - Firefox</p>
<p dir="auto"><strong>Do you want to request a <em>feature</em> or report a <em>bug</em>?</strong><br> Request a feature</p> <p dir="auto"><strong>What is the current behavior?</strong><br> <code class="notranslate">getDerivedStateFromProps</code> does not expose <code class="notranslate">prevProps</code></p> <p dir="auto"><strong>What is the expected behavior?</strong><br> <code class="notranslate">getDerivedStateFromProps</code> should expose <code class="notranslate">prevProps</code> for cleaner implementation of use case mentioned below.</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><br> react: 16.4+</p> <p dir="auto">I know there was a similar discussion in the issues here before regarding exposing previous props in <code class="notranslate">getDerivedStateFromProps</code>, but I believe I came across a use case where this can be useful, its very specific, yet it required me to replicate a lot of previous props in the state.</p> <p dir="auto">Below is a component I use in react-native to add an animation where screens crossfade and don't just unmount instantly, it also checks if next route is an overlay and preserves screen behind it. As you can see I had to create <code class="notranslate">prevPathname</code> <code class="notranslate">prevData</code> and <code class="notranslate">prevChildren</code> for this to work, which I think is not too terrible, yet results in a lot of repetition.</p> <p dir="auto">Perhaps my implementation is missing something to remove the repetition or maybe I am not understanding why we are not exposing prevProps?</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="// @flow import React, { Component } from 'react' import { Animated } from 'react-native' import { durationNormal, easeInQuad, easeOutQuad } from '../services/Animation' import type { Node } from 'react' type Props = { pathname: string, data: ?{ overlay: boolean }, children: Node, authenticated: boolean } type State = { prevPathname: ?string, prevChildren: Node, prevData: ?{ overlay: boolean }, animation: Animated.Value, activeChildren: Node, pointerEvents: boolean, authAnimation: boolean } class RouteFadeAnimation extends Component&lt;Props, State&gt; { state = { prevPathname: null, prevChildren: null, prevData: null, animation: new Animated.Value(0), activeChildren: null, pointerEvents: true, authAnimation: true } static getDerivedStateFromProps(nextProps: Props, prevState: State) { const { pathname, data, children } = nextProps const { prevPathname, prevData, prevChildren } = prevState // This will be returned always to store &quot;previous&quot; props in state, so we can compare against them in // future getDerivedStateFromProps, this is where I'd like to use prevProps const prevPropsState = { prevChildren: children, prevPathname: pathname, prevData: data } // Check if pathname changed, i.e we are going to another view if (pathname !== prevPathname) { // Check if current visible view is a modal, if it is, we go to default return if (!prevData || !prevData.overlay) { // Check if future view is not a modal if (!data || !data.overlay) { // Preserve current view while we are animationg out (even though pathname changed) return { activeChildren: prevChildren, pointerEvents: false, ...prevPropsState } // If future view is a modal, preserve current view, so it is visible behind it } else if (data.overlay) { return { activeChildren: prevChildren, ...prevPropsState } } } // If previous view was a modal (only normal view can follow after modal) reset our view persistance // and use children as opposed to activeChildren return { activeChildren: null, ...prevPropsState } } // Persist prevProps in state return { ...prevPropsState } } // This just handles animation based on cases above componentDidUpdate(prevProps: Props) { const { pathname, data, authenticated } = this.props const { authAnimation } = this.state if (authenticated &amp;&amp; authAnimation) this.animate(1) else if (pathname !== prevProps.pathname) { if (!prevProps.data || !prevProps.data.overlay) { if (!data || !data.overlay) this.animate(0) } } } animate = (value: 0 | 1) =&gt; { let delay = value === 1 ? 60 : 0 const { authAnimation } = this.state if (authAnimation) delay = 2000 Animated.timing(this.state.animation, { toValue: value, duration: durationNormal, delay, easing: value === 0 ? easeInQuad : easeOutQuad, useNativeDriver: true }).start(() =&gt; this.animationLogic(value)) } animationLogic = (value: 0 | 1) =&gt; { if (value === 0) this.setState({ activeChildren: null }, () =&gt; this.animate(1)) else this.setState({ pointerEvents: true, authAnimation: false }) } render() { const { animation, pointerEvents, activeChildren } = this.state const { children } = this.props return ( &lt;Animated.View pointerEvents={pointerEvents ? 'auto' : 'none'} style={{ opacity: animation.interpolate({ inputRange: [0, 1], outputRange: [0, 1] }), transform: [ { scale: animation.interpolate({ inputRange: [0, 1], outputRange: [0.94, 1] }) } ] }} &gt; {activeChildren || children} &lt;/Animated.View&gt; ) } } export default RouteFadeAnimation"><pre class="notranslate"><span class="pl-c">// <span class="pl-k">@flow</span></span> <span class="pl-k">import</span> <span class="pl-v">React</span><span class="pl-kos">,</span> <span class="pl-kos">{</span> <span class="pl-v">Component</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">'react'</span> <span class="pl-k">import</span> <span class="pl-kos">{</span> <span class="pl-v">Animated</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">'react-native'</span> <span class="pl-k">import</span> <span class="pl-kos">{</span> <span class="pl-s1">durationNormal</span><span class="pl-kos">,</span> <span class="pl-s1">easeInQuad</span><span class="pl-kos">,</span> <span class="pl-s1">easeOutQuad</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">'../services/Animation'</span> <span class="pl-k">import</span> <span class="pl-s1">type</span> <span class="pl-kos">{</span> <span class="pl-v">Node</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">'react'</span> <span class="pl-s1">type</span> <span class="pl-v">Props</span> <span class="pl-c1">=</span> <span class="pl-kos">{</span> <span class="pl-c1">pathname</span>: <span class="pl-s1">string</span><span class="pl-kos">,</span> <span class="pl-c1">data</span>: ?<span class="pl-kos">{</span> <span class="pl-c1">overlay</span>: <span class="pl-s1">boolean</span> <span class="pl-kos">}</span><span class="pl-kos">,</span> <span class="pl-c1">children</span>: <span class="pl-v">Node</span><span class="pl-kos">,</span> <span class="pl-c1">authenticated</span>: <span class="pl-s1">boolean</span> <span class="pl-kos">}</span> <span class="pl-s1">type</span> <span class="pl-v">State</span> <span class="pl-c1">=</span> <span class="pl-kos">{</span> <span class="pl-c1">prevPathname</span>: ?<span class="pl-s1">string</span><span class="pl-kos">,</span> <span class="pl-c1">prevChildren</span>: <span class="pl-v">Node</span><span class="pl-kos">,</span> <span class="pl-c1">prevData</span>: ?<span class="pl-kos">{</span> <span class="pl-c1">overlay</span>: <span class="pl-s1">boolean</span> <span class="pl-kos">}</span><span class="pl-kos">,</span> <span class="pl-c1">animation</span>: <span class="pl-v">Animated</span><span class="pl-kos">.</span><span class="pl-c1">Value</span><span class="pl-kos">,</span> <span class="pl-c1">activeChildren</span>: <span class="pl-v">Node</span><span class="pl-kos">,</span> <span class="pl-c1">pointerEvents</span>: <span class="pl-s1">boolean</span><span class="pl-kos">,</span> <span class="pl-c1">authAnimation</span>: <span class="pl-s1">boolean</span> <span class="pl-kos">}</span> <span class="pl-k">class</span> <span class="pl-v">RouteFadeAnimation</span> <span class="pl-k">extends</span> <span class="pl-v">Component</span><span class="pl-c1">&lt;</span><span class="pl-v">Props</span><span class="pl-kos">,</span> <span class="pl-v">State</span><span class="pl-c1">&gt;</span> <span class="pl-kos">{</span> state <span class="pl-c1">=</span> <span class="pl-kos">{</span> <span class="pl-c1">prevPathname</span>: <span class="pl-c1">null</span><span class="pl-kos">,</span> <span class="pl-c1">prevChildren</span>: <span class="pl-c1">null</span><span class="pl-kos">,</span> <span class="pl-c1">prevData</span>: <span class="pl-c1">null</span><span class="pl-kos">,</span> <span class="pl-c1">animation</span>: <span class="pl-k">new</span> <span class="pl-v">Animated</span><span class="pl-kos">.</span><span class="pl-c1">Value</span><span class="pl-kos">(</span><span class="pl-c1">0</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-c1">activeChildren</span>: <span class="pl-c1">null</span><span class="pl-kos">,</span> <span class="pl-c1">pointerEvents</span>: <span class="pl-c1">true</span><span class="pl-kos">,</span> <span class="pl-c1">authAnimation</span>: <span class="pl-c1">true</span> <span class="pl-kos">}</span> <span class="pl-s1">static</span> <span class="pl-s1">getDerivedStateFromProps</span><span class="pl-kos">(</span><span class="pl-s1">nextProps</span>: <span class="pl-v">Props</span><span class="pl-kos">,</span> <span class="pl-s1">prevState</span>: <span class="pl-v">State</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-k">const</span> <span class="pl-kos">{</span> <span class="pl-s1">pathname</span><span class="pl-kos">,</span> data<span class="pl-kos">,</span> children <span class="pl-kos">}</span> <span class="pl-c1">=</span> <span class="pl-s1">nextProps</span> <span class="pl-s1">const</span> <span class="pl-kos">{</span> <span class="pl-c1">prevPathname</span><span class="pl-kos">,</span> <span class="pl-s1">prevData</span><span class="pl-kos">,</span> <span class="pl-c1">prevChildren</span> <span class="pl-kos">}</span> <span class="pl-c1">=</span> <span class="pl-s1">prevState</span> <span class="pl-c">// This will be returned always to store "previous" props in state, so we can compare against them in</span> <span class="pl-c">// future getDerivedStateFromProps, this is where I'd like to use prevProps</span> <span class="pl-k">const</span> <span class="pl-s1">prevPropsState</span> <span class="pl-c1">=</span> <span class="pl-kos">{</span> <span class="pl-c1">prevChildren</span>: <span class="pl-s1">children</span><span class="pl-kos">,</span> <span class="pl-c1">prevPathname</span>: <span class="pl-s1">pathname</span><span class="pl-kos">,</span> <span class="pl-c1">prevData</span>: <span class="pl-s1">data</span> <span class="pl-kos">}</span> <span class="pl-c">// Check if pathname changed, i.e we are going to another view</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">pathname</span> <span class="pl-c1">!==</span> <span class="pl-s1">prevPathname</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-c">// Check if current visible view is a modal, if it is, we go to default return</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-c1">!</span><span class="pl-s1">prevData</span> <span class="pl-c1">||</span> <span class="pl-c1">!</span><span class="pl-s1">prevData</span><span class="pl-kos">.</span><span class="pl-c1">overlay</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-c">// Check if future view is not a modal</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-c1">!</span><span class="pl-s1">data</span> <span class="pl-c1">||</span> <span class="pl-c1">!</span><span class="pl-s1">data</span><span class="pl-kos">.</span><span class="pl-c1">overlay</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-c">// Preserve current view while we are animationg out (even though pathname changed)</span> <span class="pl-k">return</span> <span class="pl-kos">{</span> <span class="pl-c1">activeChildren</span>: <span class="pl-s1">prevChildren</span><span class="pl-kos">,</span> <span class="pl-c1">pointerEvents</span>: <span class="pl-c1">false</span><span class="pl-kos">,</span> ...<span class="pl-s1">prevPropsState</span> <span class="pl-kos">}</span> <span class="pl-c">// If future view is a modal, preserve current view, so it is visible behind it</span> <span class="pl-kos">}</span> <span class="pl-k">else</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">data</span><span class="pl-kos">.</span><span class="pl-c1">overlay</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">activeChildren</span>: <span class="pl-s1">prevChildren</span><span class="pl-kos">,</span> ...<span class="pl-s1">prevPropsState</span> <span class="pl-kos">}</span> <span class="pl-kos">}</span> <span class="pl-kos">}</span> <span class="pl-c">// If previous view was a modal (only normal view can follow after modal) reset our view persistance</span> <span class="pl-c">// and use children as opposed to activeChildren</span> <span class="pl-k">return</span> <span class="pl-kos">{</span> <span class="pl-c1">activeChildren</span>: <span class="pl-c1">null</span><span class="pl-kos">,</span> ...<span class="pl-s1">prevPropsState</span> <span class="pl-kos">}</span> <span class="pl-kos">}</span> <span class="pl-c">// Persist prevProps in state</span> <span class="pl-k">return</span> <span class="pl-kos">{</span> ...<span class="pl-s1">prevPropsState</span> <span class="pl-kos">}</span> <span class="pl-kos">}</span> <span class="pl-c">// This just handles animation based on cases above</span> <span class="pl-en">componentDidUpdate</span><span class="pl-kos">(</span><span class="pl-s1">prevProps</span>: <span class="pl-v">Props</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-kos">{</span> pathname<span class="pl-kos">,</span> data<span class="pl-kos">,</span> authenticated <span class="pl-kos">}</span> <span class="pl-c1">=</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-c1">props</span> <span class="pl-k">const</span> <span class="pl-kos">{</span> authAnimation <span class="pl-kos">}</span> <span class="pl-c1">=</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-c1">state</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">authenticated</span> <span class="pl-c1">&amp;&amp;</span> <span class="pl-s1">authAnimation</span><span class="pl-kos">)</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-en">animate</span><span class="pl-kos">(</span><span class="pl-c1">1</span><span class="pl-kos">)</span> <span class="pl-k">else</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">pathname</span> <span class="pl-c1">!==</span> <span class="pl-s1">prevProps</span><span class="pl-kos">.</span><span class="pl-c1">pathname</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-c1">!</span><span class="pl-s1">prevProps</span><span class="pl-kos">.</span><span class="pl-c1">data</span> <span class="pl-c1">||</span> <span class="pl-c1">!</span><span class="pl-s1">prevProps</span><span class="pl-kos">.</span><span class="pl-c1">data</span><span class="pl-kos">.</span><span class="pl-c1">overlay</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-c1">!</span><span class="pl-s1">data</span> <span class="pl-c1">||</span> <span class="pl-c1">!</span><span class="pl-s1">data</span><span class="pl-kos">.</span><span class="pl-c1">overlay</span><span class="pl-kos">)</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-en">animate</span><span class="pl-kos">(</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-kos">}</span> <span class="pl-s1">animate</span> <span class="pl-c1">=</span> <span class="pl-kos">(</span><span class="pl-s1">value</span>: <span class="pl-c1">0</span> <span class="pl-c1">|</span> <span class="pl-c1">1</span><span class="pl-kos">)</span> <span class="pl-c1">=&gt;</span> <span class="pl-kos">{</span> <span class="pl-k">let</span> <span class="pl-s1">delay</span> <span class="pl-c1">=</span> <span class="pl-s1">value</span> <span class="pl-c1">===</span> <span class="pl-c1">1</span> ? <span class="pl-c1">60</span> : <span class="pl-c1">0</span> <span class="pl-k">const</span> <span class="pl-kos">{</span> authAnimation <span class="pl-kos">}</span> <span class="pl-c1">=</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-c1">state</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">authAnimation</span><span class="pl-kos">)</span> <span class="pl-s1">delay</span> <span class="pl-c1">=</span> <span class="pl-c1">2000</span> <span class="pl-v">Animated</span><span class="pl-kos">.</span><span class="pl-en">timing</span><span class="pl-kos">(</span><span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-c1">state</span><span class="pl-kos">.</span><span class="pl-c1">animation</span><span class="pl-kos">,</span> <span class="pl-kos">{</span> <span class="pl-c1">toValue</span>: <span class="pl-s1">value</span><span class="pl-kos">,</span> <span class="pl-c1">duration</span>: <span class="pl-s1">durationNormal</span><span class="pl-kos">,</span> delay<span class="pl-kos">,</span> <span class="pl-c1">easing</span>: <span class="pl-s1">value</span> <span class="pl-c1">===</span> <span class="pl-c1">0</span> ? <span class="pl-s1">easeInQuad</span> : <span class="pl-s1">easeOutQuad</span><span class="pl-kos">,</span> <span class="pl-c1">useNativeDriver</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-en">start</span><span class="pl-kos">(</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-c1">=&gt;</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-en">animationLogic</span><span class="pl-kos">(</span><span class="pl-s1">value</span><span class="pl-kos">)</span><span class="pl-kos">)</span> <span class="pl-kos">}</span> <span class="pl-s1">animationLogic</span> <span class="pl-c1">=</span> <span class="pl-kos">(</span><span class="pl-s1">value</span>: <span class="pl-c1">0</span> <span class="pl-c1">|</span> <span class="pl-c1">1</span><span class="pl-kos">)</span> <span class="pl-c1">=&gt;</span> <span class="pl-kos">{</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">value</span> <span class="pl-c1">===</span> <span class="pl-c1">0</span><span class="pl-kos">)</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-en">setState</span><span class="pl-kos">(</span><span class="pl-kos">{</span> <span class="pl-c1">activeChildren</span>: <span class="pl-c1">null</span> <span class="pl-kos">}</span><span class="pl-kos">,</span> <span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-c1">=&gt;</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-en">animate</span><span class="pl-kos">(</span><span class="pl-c1">1</span><span class="pl-kos">)</span><span class="pl-kos">)</span> <span class="pl-k">else</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-en">setState</span><span class="pl-kos">(</span><span class="pl-kos">{</span> <span class="pl-c1">pointerEvents</span>: <span class="pl-c1">true</span><span class="pl-kos">,</span> <span class="pl-c1">authAnimation</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-en">render</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-kos">{</span> animation<span class="pl-kos">,</span> pointerEvents<span class="pl-kos">,</span> activeChildren <span class="pl-kos">}</span> <span class="pl-c1">=</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-c1">state</span> <span class="pl-k">const</span> <span class="pl-kos">{</span> children <span class="pl-kos">}</span> <span class="pl-c1">=</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-c1">props</span> <span class="pl-k">return</span> <span class="pl-kos">(</span> <span class="pl-c1">&lt;</span><span class="pl-v">Animated</span><span class="pl-kos">.</span><span class="pl-v">View</span> <span class="pl-c1">pointerEvents</span><span class="pl-c1">=</span><span class="pl-kos">{</span><span class="pl-s1">pointerEvents</span> ? <span class="pl-s">'auto'</span> : <span class="pl-s">'none'</span><span class="pl-kos">}</span> <span class="pl-c1">style</span><span class="pl-c1">=</span><span class="pl-kos">{</span><span class="pl-kos">{</span> <span class="pl-c1">opacity</span>: <span class="pl-s1">animation</span><span class="pl-kos">.</span><span class="pl-en">interpolate</span><span class="pl-kos">(</span><span class="pl-kos">{</span> <span class="pl-c1">inputRange</span>: <span class="pl-kos">[</span><span class="pl-c1">0</span><span class="pl-kos">,</span> <span class="pl-c1">1</span><span class="pl-kos">]</span><span class="pl-kos">,</span> <span class="pl-c1">outputRange</span>: <span class="pl-kos">[</span><span class="pl-c1">0</span><span class="pl-kos">,</span> <span class="pl-c1">1</span><span class="pl-kos">]</span> <span class="pl-kos">}</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-c1">transform</span>: <span class="pl-kos">[</span> <span class="pl-kos">{</span> <span class="pl-c1">scale</span>: <span class="pl-s1">animation</span><span class="pl-kos">.</span><span class="pl-en">interpolate</span><span class="pl-kos">(</span><span class="pl-kos">{</span> <span class="pl-c1">inputRange</span>: <span class="pl-kos">[</span><span class="pl-c1">0</span><span class="pl-kos">,</span> <span class="pl-c1">1</span><span class="pl-kos">]</span><span class="pl-kos">,</span> <span class="pl-c1">outputRange</span>: <span class="pl-kos">[</span><span class="pl-c1">0.94</span><span class="pl-kos">,</span> <span class="pl-c1">1</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-c1">&gt;</span> <span class="pl-kos">{</span><span class="pl-s1">activeChildren</span> <span class="pl-c1">||</span> <span class="pl-s1">children</span><span class="pl-kos">}</span> <span class="pl-c1">&lt;</span><span class="pl-c1">/</span><span class="pl-v">Animated</span><span class="pl-kos">.</span><span class="pl-v">View</span><span class="pl-c1">&gt;</span> <span class="pl-kos">)</span> <span class="pl-kos">}</span> <span class="pl-kos">}</span> <span class="pl-k">export</span> <span class="pl-k">default</span> <span class="pl-v">RouteFadeAnimation</span></pre></div> <h3 dir="auto">Usage example and explanation</h3> <p dir="auto">This component is used to wrap several routes and on pathname change preserve previous view, animate it out, replace it with new view and animate it in. Idea itself comes from react-router's documentation <a href="https://reacttraining.com/react-router/native/guides/animation/page-transitions" rel="nofollow">https://reacttraining.com/react-router/native/guides/animation/page-transitions</a> but they use <code class="notranslate">componentWillMount</code> there.</p> <p dir="auto">basic implementation can look like this:</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="&lt;RouterFadeAnimation pathname={routerProps.pathname} data={routerProps.data} authenticated={authProps.auth}&gt; {routerProps.pathname === &quot;/home&quot; &amp;&amp; &lt;HomePage /&gt;} {routerProps.pathname === &quot;/about&quot; &amp;&amp; &lt;AboutPage /&gt;} &lt;/RouterFadeAnimation&gt;"><pre class="notranslate"><span class="pl-c1">&lt;</span><span class="pl-ent">RouterFadeAnimation</span> <span class="pl-c1">pathname</span><span class="pl-c1">=</span><span class="pl-kos">{</span><span class="pl-s1">routerProps</span><span class="pl-kos">.</span><span class="pl-c1">pathname</span><span class="pl-kos">}</span> <span class="pl-c1">data</span><span class="pl-c1">=</span><span class="pl-kos">{</span><span class="pl-s1">routerProps</span><span class="pl-kos">.</span><span class="pl-c1">data</span><span class="pl-kos">}</span> <span class="pl-c1">authenticated</span><span class="pl-c1">=</span><span class="pl-kos">{</span><span class="pl-s1">authProps</span><span class="pl-kos">.</span><span class="pl-c1">auth</span><span class="pl-kos">}</span><span class="pl-c1">&gt;</span> <span class="pl-kos">{</span><span class="pl-s1">routerProps</span><span class="pl-kos">.</span><span class="pl-c1">pathname</span> <span class="pl-c1">===</span> <span class="pl-s">"/home"</span> <span class="pl-c1">&amp;&amp;</span> <span class="pl-c1">&lt;</span><span class="pl-ent">HomePage</span> <span class="pl-c1">/</span><span class="pl-c1">&gt;</span><span class="pl-kos">}</span> <span class="pl-kos">{</span><span class="pl-s1">routerProps</span><span class="pl-kos">.</span><span class="pl-c1">pathname</span> <span class="pl-c1">===</span> <span class="pl-s">"/about"</span> <span class="pl-c1">&amp;&amp;</span> <span class="pl-c1">&lt;</span><span class="pl-ent">AboutPage</span> <span class="pl-c1">/</span><span class="pl-c1">&gt;</span><span class="pl-kos">}</span> <span class="pl-c1">&lt;</span><span class="pl-c1">/</span><span class="pl-ent">RouterFadeAnimation</span><span class="pl-c1">&gt;</span></pre></div> <p dir="auto">Outside of this, there is similar component called <code class="notranslate">&lt;RouteModalAnimation /&gt;</code> that overlays component above, it similarly animates views in when routerProps.data has <code class="notranslate">overlay: true</code> set, you will see our original component checks for this and preserves its view so it appears behind the modal, as it would otherwise dissapear due to route change.</p>
0
<h1 dir="auto">Bug report</h1> <h2 dir="auto">Describe the bug</h2> <p dir="auto"><code class="notranslate">next build</code> fails with following error after upgrade to Next 9.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="{ Error: Module did not self-register. at Object.Module._extensions..node (internal/modules/cjs/loader.js:857:18) at Module.load (internal/modules/cjs/loader.js:685:32) at Function.Module._load (internal/modules/cjs/loader.js:620:12) at Module.require (internal/modules/cjs/loader.js:723:19) at require (internal/modules/cjs/helpers.js:14:16) at Object.&lt;anonymous&gt; (/home/vista1nik/Documents/nextjs-project/node_modules/grpc/src/grpc_extension.js:32:13) at Module._compile (internal/modules/cjs/loader.js:816:30) at Object.Module._extensions..js (internal/modules/cjs/loader.js:827:10) at Module.load (internal/modules/cjs/loader.js:685:32) at Function.Module._load (internal/modules/cjs/loader.js:620:12) type: 'Error', '$error': '$error' }"><pre class="notranslate"><code class="notranslate">{ Error: Module did not self-register. at Object.Module._extensions..node (internal/modules/cjs/loader.js:857:18) at Module.load (internal/modules/cjs/loader.js:685:32) at Function.Module._load (internal/modules/cjs/loader.js:620:12) at Module.require (internal/modules/cjs/loader.js:723:19) at require (internal/modules/cjs/helpers.js:14:16) at Object.&lt;anonymous&gt; (/home/vista1nik/Documents/nextjs-project/node_modules/grpc/src/grpc_extension.js:32:13) at Module._compile (internal/modules/cjs/loader.js:816:30) at Object.Module._extensions..js (internal/modules/cjs/loader.js:827:10) at Module.load (internal/modules/cjs/loader.js:685:32) at Function.Module._load (internal/modules/cjs/loader.js:620:12) type: 'Error', '$error': '$error' } </code></pre></div> <p dir="auto">Error happens after compilation.<br> Last Build trigger before error is:<br> <a href="https://github.com/zeit/next.js/blob/5a54e8715a7a7a92175addc19f4ec9f8f7bbd2e7/packages/next/build/index.ts#L342">https://github.com/zeit/next.js/blob/5a54e8715a7a7a92175addc19f4ec9f8f7bbd2e7/packages/next/build/index.ts#L342</a></p> <h2 dir="auto">To Reproduce</h2> <p dir="auto"><a href="https://github.com/jpbow/module-register-build-issue">https://github.com/jpbow/module-register-build-issue</a></p> <h2 dir="auto">Expected behavior</h2> <p dir="auto"><code class="notranslate">next build</code> success</p> <h2 dir="auto">System information</h2> <ul dir="auto"> <li>OS: Arch Linux</li> <li>Version of Next.js: 9.0.0</li> </ul> <h2 dir="auto">Additional context</h2> <p dir="auto">Tried <code class="notranslate">yarn install --force</code>and Clean depends install.</p> <p dir="auto"><code class="notranslate">next .</code> dev-command work properly.</p>
<p dir="auto">Following instructions on with-apollo example on master (v2.4.6) fails to build.</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/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> <p dir="auto">Should build and run.</p> <h2 dir="auto">Current Behavior</h2> <blockquote> <p dir="auto">Failed to build on /var/folders/g0/40w25pdx4r166gr3dr2dszr80000gn/T/73a90ccb-e790-431e-bab9-5ffba7560413<br> { Error: ./components/App.js<br> Module not found: Error: Can't resolve 'next/node_modules/styled-jsx/style.js' in '/Lair/with-apollo/components'<br> resolve 'next/node_modules/styled-jsx/style.js' in '/Lair/with-apollo/components'<br> Parsed request is a module<br> using description file: /Lair/with-apollo/package.json (relative path: ./components)<br> Field 'browser' doesn't contain a valid alias configuration<br> after using description file: /Lair/with-apollo/package.json (relative path: ./components)<br> resolve as module</p> </blockquote> <h2 dir="auto">Steps to Reproduce (for bugs)</h2> <ol dir="auto"> <li>Follow instructions to download with-apollo example</li> <li>next build</li> <li>observe build error</li> <li></li> </ol> <h2 dir="auto">Context</h2> <h2 dir="auto">Your Environment</h2> <ul dir="auto"> <li>Next.js version: v2.6.4</li> <li>Environment name and version (e.g. Chrome 39, Node.js 5.4): node 7.2</li> <li>Operating System (Linux, maxOS, Windows): osx</li> </ul>
0
<p dir="auto">Installed latest Atom from RPM package on Fedora 21 running in a VirtualBox VM on Windows 8.1, opened a project with default settings and cannot select any text by clicking and dragging with the mouse.</p>
<p dir="auto">There is a <a href="https://code.google.com/p/chromium/issues/detail?id=456222" rel="nofollow">known issue</a> with Chrome41 engine running on Linux in VirtualBox. It actually became a show-stopper for Chrome42. <strong>TL;DR</strong>: in VB Chrome41 engine <em>always</em> runs in touch-screen mode, even on desktops.</p> <p dir="auto">Hotfix in Chrome41 is to pass <code class="notranslate">--touch-devices=123</code> to the chrome command line.</p> <p dir="auto">Is it possible to pass parameters to Atom’s command line so that chrome engine will understand them?</p>
1
<ol dir="auto"> <li> <p dir="auto">I want to see .d.ts for <code class="notranslate">@types/X</code> package without cloning repo.<br> But when I open types folder on github I see following error, and <code class="notranslate">X</code> folder is not listed.<br> <code class="notranslate">Sorry, we had to truncate this directory to 1,000 files. 3,413 entries were omitted from the list.</code></p> </li> <li> <p dir="auto">I want to see what issues already filed for <code class="notranslate">@types/X</code> and file new one.<br> But when I open issues tab I see &gt;2k entries for all the packages... I wonder how contributors even find issues filed for their definitions (or they don't?).</p> </li> </ol> <p dir="auto">Why typings do not live in separate repos? Isn't this monorepo a total mess?</p>
<ul class="contains-task-list"> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I tried using the <code class="notranslate">@types/swaggerize-express</code> package and had problems.</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I tried using the latest stable version of tsc. <a href="https://www.npmjs.com/package/typescript" rel="nofollow">https://www.npmjs.com/package/typescript</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> I have a question that is inappropriate for <a href="https://stackoverflow.com/" rel="nofollow">StackOverflow</a>. (Please ask any appropriate questions there).</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> <a href="https://github.com/blog/821-mention-somebody-they-re-notified">Mention</a> the authors (see <code class="notranslate">Definitions by:</code> in <code class="notranslate">index.d.ts</code>) so they can respond. <ul dir="auto"> <li>Authors: @....</li> </ul> </li> </ul> <p dir="auto">Currently both <code class="notranslate">swaggerize-express</code> and <code class="notranslate">swagger-schema-official</code> have complete type definitions for the openAPI specification. However, there are a few slight inconsistencies between the two which make it hard to use them in tandem. For example:</p> <p dir="auto">having installed the following:</p> <ul dir="auto"> <li><code class="notranslate">@types/swaggerize-express@4.0.28</code></li> <li><code class="notranslate">@types/swagger-schema-official@2.0.2</code></li> </ul> <p dir="auto">The following issues a compiler error (under <code class="notranslate">typescript@2.2.2</code>):</p> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import * as swaggerize from 'swaggerize-express'; import { Spec } from 'swagger-schema-official'; declare var spec_swagger_schema_official: Spec; declare var spec_swaggerize_express: swaggerize.Swagger.ApiDefinition; /** * type error here, when the object should be of the same type, * as both should be valid openAPI schema */ spec_swagger_schema_official = spec_swaggerize_express;"><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-c1">*</span> <span class="pl-k">as</span> <span class="pl-s1">swaggerize</span> <span class="pl-k">from</span> <span class="pl-s">'swaggerize-express'</span><span class="pl-kos">;</span> <span class="pl-k">import</span> <span class="pl-kos">{</span> <span class="pl-smi">Spec</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">'swagger-schema-official'</span><span class="pl-kos">;</span> <span class="pl-k">declare</span> <span class="pl-k">var</span> <span class="pl-s1">spec_swagger_schema_official</span>: <span class="pl-smi">Spec</span><span class="pl-kos">;</span> <span class="pl-k">declare</span> <span class="pl-k">var</span> <span class="pl-s1">spec_swaggerize_express</span>: <span class="pl-s1">swaggerize</span><span class="pl-kos">.</span><span class="pl-smi">Swagger</span><span class="pl-kos">.</span><span class="pl-smi">ApiDefinition</span><span class="pl-kos">;</span> <span class="pl-c">/**</span> <span class="pl-c"> * type error here, when the object should be of the same type,</span> <span class="pl-c"> * as both should be valid openAPI schema</span> <span class="pl-c"> */</span> <span class="pl-s1">spec_swagger_schema_official</span> <span class="pl-c1">=</span> <span class="pl-s1">spec_swaggerize_express</span><span class="pl-kos">;</span></pre></div> <p dir="auto">Specifically,</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[ts] Type 'ApiDefinition' is not assignable to type 'Spec'. Types of property 'definitions' are incompatible. Type 'DefinitionsObject | undefined' is not assignable to type '{ [definitionsName: string]: Schema; } | undefined'. Type 'DefinitionsObject' is not assignable to type '{ [definitionsName: string]: Schema; } | undefined'. Type 'DefinitionsObject' is not assignable to type '{ [definitionsName: string]: Schema; }'. Index signatures are incompatible. Type 'SchemaObject' is not assignable to type 'Schema'. Types of property 'allOf' are incompatible. Type 'IJsonSchema[] | undefined' is not assignable to type 'Schema[] | undefined'. Type 'IJsonSchema[]' is not assignable to type 'Schema[] | undefined'. Type 'IJsonSchema[]' is not assignable to type 'Schema[]'. Type 'IJsonSchema' is not assignable to type 'Schema'. Types of property 'allOf' are incompatible. Type 'IJsonSchema[] | undefined' is not assignable to type 'Schema[] | undefined'. Type 'IJsonSchema[]' is not assignable to type 'Schema[] | undefined'. Type 'IJsonSchema[]' is not assignable to type 'Schema[]'. Type 'IJsonSchema' is not assignable to type 'Schema'."><pre class="notranslate"><code class="notranslate">[ts] Type 'ApiDefinition' is not assignable to type 'Spec'. Types of property 'definitions' are incompatible. Type 'DefinitionsObject | undefined' is not assignable to type '{ [definitionsName: string]: Schema; } | undefined'. Type 'DefinitionsObject' is not assignable to type '{ [definitionsName: string]: Schema; } | undefined'. Type 'DefinitionsObject' is not assignable to type '{ [definitionsName: string]: Schema; }'. Index signatures are incompatible. Type 'SchemaObject' is not assignable to type 'Schema'. Types of property 'allOf' are incompatible. Type 'IJsonSchema[] | undefined' is not assignable to type 'Schema[] | undefined'. Type 'IJsonSchema[]' is not assignable to type 'Schema[] | undefined'. Type 'IJsonSchema[]' is not assignable to type 'Schema[]'. Type 'IJsonSchema' is not assignable to type 'Schema'. Types of property 'allOf' are incompatible. Type 'IJsonSchema[] | undefined' is not assignable to type 'Schema[] | undefined'. Type 'IJsonSchema[]' is not assignable to type 'Schema[] | undefined'. Type 'IJsonSchema[]' is not assignable to type 'Schema[]'. Type 'IJsonSchema' is not assignable to type 'Schema'. </code></pre></div> <p dir="auto">My proposal would be to use <code class="notranslate">@types/swagger-schema-official</code> within <code class="notranslate">@types/swaggerize-express</code> so there is only one location to maintain, and we don't run into minor inconsistencies.</p> <p dir="auto">Authors of both definitions (<a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/mohsen1/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/mohsen1">@mohsen1</a> for <code class="notranslate">@types/swagger-schema-official</code> and <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/MugeSo/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/MugeSo">@MugeSo</a> for <code class="notranslate">@types/swaggerize-express</code>) have any thoughts?</p>
0
<p dir="auto">The following snippet is valid ES6, but does not compile due to the undeclared property <code class="notranslate">thing</code>. Since TypeScript is aiming to be a superset of ES6, how will this situation be approached?</p> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="class Thing { constructor() { this.thing = 12; } }"><pre class="notranslate"><span class="pl-k">class</span> <span class="pl-smi">Thing</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-smi">this</span><span class="pl-kos">.</span><span class="pl-c1">thing</span> <span class="pl-c1">=</span> <span class="pl-c1">12</span><span class="pl-kos">;</span> <span class="pl-kos">}</span> <span class="pl-kos">}</span></pre></div>
<p dir="auto">I would like to implement compilation of ts files to generate source map + js files inside Eclipse by using <code class="notranslate">tsc</code>. I have 2 means to do that:</p> <ol dir="auto"> <li>observe changes (with Eclipse IResource API) of typescript files and call <code class="notranslate">tsc</code> with the given file</li> <li>call <code class="notranslate">tsc --watch</code> for my Eclipse project</li> </ol> <p dir="auto">I would prefer to do the 2) because<code class="notranslate">tsc --watch</code> if I have understood stores in memory the other compiled ts files, so I think performance will be better with 2). My main problem is about refresh generated files:</p> <ul dir="auto"> <li>when there is an error,<code class="notranslate">tsc --watch</code> displays in the console errors for files. So it's easy to catch those logs and display errors in Eclipse Problem View.</li> <li>but when there are none errors, <code class="notranslate">tsc --watch</code> doesn't display in the console the generated files in order I refresh it inside Workspace Eclipse. I would like to avoid refreshing the full project directory as soon as <code class="notranslate">tsc --watch</code> done a job. If <code class="notranslate">tsc --watch</code> could log generated files, it will help me a lot.</li> </ul> <p dir="auto">Many thanks for your suggestion!</p>
0
<p dir="auto">I have two projects and each of them has <a href="https://github.com/borisyankov/DefinitelyTyped/blob/master/requirejs/require.d.ts">https://github.com/borisyankov/DefinitelyTyped/blob/master/requirejs/require.d.ts</a> file included. While compiling them with TS 1.4 I got 55 errors of "Duplicate identifier '[member_name]'".<br> How I can eliminate this issue or at least switch it to a warning? Hope it is not by design.</p>
<p dir="auto">I am new to TypeScript, so I may be going about this entirely wrong, but I've got a scenario where implicit referencing is causing problems.</p> <p dir="auto">In my project (Visual Studio 2013 Update 3), I have several Web pages. Each one has one reference to a script that contains general functionality for all pages and one reference to a script that contains specific functionality for the page in question. The general script calls several functions in the specific script, which requires that each of the specific scripts have certain function names in common. The fact that the scripts all implicitly reference each other is causing duplicate identifier errors on build.</p> <p dir="auto">Here's a simplified example:</p> <p dir="auto">Global.ts:</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="window.onload = function () { getData(); }"><pre class="notranslate"><span class="pl-smi">window</span><span class="pl-kos">.</span><span class="pl-en">onload</span> <span class="pl-c1">=</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">getData</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">Page1.ts:</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="function getData() { //Get data relevant to Page1 }"><pre class="notranslate"><span class="pl-k">function</span> <span class="pl-en">getData</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-c">//Get data relevant to Page1</span> <span class="pl-kos">}</span></pre></div> <p dir="auto">Page2.ts:</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="function getData() { //Get data relevant to Page2 }"><pre class="notranslate"><span class="pl-k">function</span> <span class="pl-en">getData</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-c">//Get data relevant to Page2</span> <span class="pl-kos">}</span></pre></div> <p dir="auto">Obviously, I could change this to have one getData() function and pass a parameter indicating whether to get data for Page1 or Page2, but this is a very simplified example, and doing this for the entire project would be somewhat messy and harder to maintain. Is there a different way to approach this scenario or does anyone have a suggestion for "circumventing" the implicit referencing in TypeScript?</p>
0
<h5 dir="auto">System information (version)</h5> <ul dir="auto"> <li>OpenCV =&gt; 4.1.0</li> <li>Operating System / Platform =&gt; Windows 64 bit</li> </ul> <h5 dir="auto">Detailed description</h5> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import cv2 cap = cv2.VideoCapture(0) while True: ret, frame = cap.read() #print(ret) print(frame)"><pre class="notranslate"><code class="notranslate">import cv2 cap = cv2.VideoCapture(0) while True: ret, frame = cap.read() #print(ret) print(frame) </code></pre></div> <p dir="auto">It prints the 3 channel array values as zero.<br> I want to take the array values real time and process them into my function.<br> I know that ret is True and that my camera is reading the values because when I print frame.sum(), it gives me the sum of array values but for some reason I can't see it in an array form and hence my function reads the frame as a set of 0's.<br> Any help about how I can read the array values would be very useful.</p> <p dir="auto">Thanks!</p> <h5 dir="auto">Steps to reproduce</h5>
<h5 dir="auto">System information (version)</h5> <ul dir="auto"> <li>OpenCV =&gt; 3.4.x</li> <li>Operating System / Platform =&gt; Ubuntu 16.04</li> <li>Compiler =&gt; gcc 5.4.0</li> </ul> <h5 dir="auto">Detailed description</h5> <p dir="auto">With OpenVINO 2019R1:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="/opt/intel/openvino_2019.1.094/deployment_tools/inference_engine/lib/intel64/libinference_engine.so: undefined reference to `tbb::interface7::internal::task_arena_base::internal_max_concurrency(tbb::interface7::task_arena const*)' collect2: error: ld returned 1 exit status modules/dnn/CMakeFiles/opencv_perf_dnn.dir/build.make:208: recipe for target 'bin/opencv_perf_dnn' failed make[2]: *** [bin/opencv_perf_dnn] Error 1 CMakeFiles/Makefile2:2452: recipe for target 'modules/dnn/CMakeFiles/opencv_perf_dnn.dir/all' failed make[1]: *** [modules/dnn/CMakeFiles/opencv_perf_dnn.dir/all] Error 2 make[1]: *** Waiting for unfinished jobs...."><pre class="notranslate"><code class="notranslate">/opt/intel/openvino_2019.1.094/deployment_tools/inference_engine/lib/intel64/libinference_engine.so: undefined reference to `tbb::interface7::internal::task_arena_base::internal_max_concurrency(tbb::interface7::task_arena const*)' collect2: error: ld returned 1 exit status modules/dnn/CMakeFiles/opencv_perf_dnn.dir/build.make:208: recipe for target 'bin/opencv_perf_dnn' failed make[2]: *** [bin/opencv_perf_dnn] Error 1 CMakeFiles/Makefile2:2452: recipe for target 'modules/dnn/CMakeFiles/opencv_perf_dnn.dir/all' failed make[1]: *** [modules/dnn/CMakeFiles/opencv_perf_dnn.dir/all] Error 2 make[1]: *** Waiting for unfinished jobs.... </code></pre></div> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="$ ldd /opt/intel/openvino_2019.1.094/deployment_tools/inference_engine/lib/intel64/libinference_engine.so linux-vdso.so.1 =&gt; (0x00007ffc4c170000) libtbb.so.2 =&gt; /opt/intel/opencl/libtbb.so.2 (0x00007f5757ab0000) libpthread.so.0 =&gt; /lib/x86_64-linux-gnu/libpthread.so.0 (0x00007f5757893000) libdl.so.2 =&gt; /lib/x86_64-linux-gnu/libdl.so.2 (0x00007f575768f000) libstdc++.so.6 =&gt; /usr/lib/x86_64-linux-gnu/libstdc++.so.6 (0x00007f575730d000) libm.so.6 =&gt; /lib/x86_64-linux-gnu/libm.so.6 (0x00007f5757004000) libgcc_s.so.1 =&gt; /lib/x86_64-linux-gnu/libgcc_s.so.1 (0x00007f5756dee000) libc.so.6 =&gt; /lib/x86_64-linux-gnu/libc.so.6 (0x00007f5756a24000) librt.so.1 =&gt; /lib/x86_64-linux-gnu/librt.so.1 (0x00007f575681c000) /lib64/ld-linux-x86-64.so.2 (0x00007f5758398000)"><pre class="notranslate"><code class="notranslate">$ ldd /opt/intel/openvino_2019.1.094/deployment_tools/inference_engine/lib/intel64/libinference_engine.so linux-vdso.so.1 =&gt; (0x00007ffc4c170000) libtbb.so.2 =&gt; /opt/intel/opencl/libtbb.so.2 (0x00007f5757ab0000) libpthread.so.0 =&gt; /lib/x86_64-linux-gnu/libpthread.so.0 (0x00007f5757893000) libdl.so.2 =&gt; /lib/x86_64-linux-gnu/libdl.so.2 (0x00007f575768f000) libstdc++.so.6 =&gt; /usr/lib/x86_64-linux-gnu/libstdc++.so.6 (0x00007f575730d000) libm.so.6 =&gt; /lib/x86_64-linux-gnu/libm.so.6 (0x00007f5757004000) libgcc_s.so.1 =&gt; /lib/x86_64-linux-gnu/libgcc_s.so.1 (0x00007f5756dee000) libc.so.6 =&gt; /lib/x86_64-linux-gnu/libc.so.6 (0x00007f5756a24000) librt.so.1 =&gt; /lib/x86_64-linux-gnu/librt.so.1 (0x00007f575681c000) /lib64/ld-linux-x86-64.so.2 (0x00007f5758398000) </code></pre></div> <p dir="auto">TBB from OpenCL is used instead of <code class="notranslate">/opt/intel/openvino_2019.1.094/deployment_tools/inference_engine/external/tbb/lib/libtbb.so.2</code></p> <h5 dir="auto">Steps to reproduce</h5>
0
<ul dir="auto"> <li>VSCode Version: 0.10.12-alpha</li> <li>OS Version: Windows10</li> </ul> <p dir="auto">Steps to Reproduce:</p> <ol dir="auto"> <li>Create Asp .net core empty project in visual studio.</li> <li>Add some directories under wwwroot folder for client code like JS.</li> <li>Add new item to manage client lib and add bower.json file.</li> <li>Add some client side lib in to bower.json under dependency section.</li> </ol> <blockquote> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/17735796/14002399/19404f8e-f109-11e5-85fe-0b25c3b8b733.png"><img src="https://cloud.githubusercontent.com/assets/17735796/14002399/19404f8e-f109-11e5-85fe-0b25c3b8b733.png" alt="image" style="max-width: 100%;"></a></p> </blockquote> <ol dir="auto"> <li>Add index.html under view folder and add basic html code like below and save changes. &lt;title&gt;Hello world&lt;/title&gt; </li> </ol> 6. Now launch VSCode and Open project folder. 7. Open index.html and try to add script section inside body. &lt;script type="text/javascript" src="JS/wwwroot/lib/angular/angular.js"&gt;&lt;/script&gt; <p dir="auto">Actual: Not getting any intellisense for</p> <ol dir="auto"> <li>path for scr like :<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/17735796/14002236/e6c67908-f107-11e5-9b33-3fc3bcb791ed.png"><img src="https://cloud.githubusercontent.com/assets/17735796/14002236/e6c67908-f107-11e5-9b33-3fc3bcb791ed.png" alt="image" style="max-width: 100%;"></a></li> <li>Value for type like: "text/javascript"<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/17735796/14002230/dceac650-f107-11e5-892b-e57cc377d801.png"><img src="https://cloud.githubusercontent.com/assets/17735796/14002230/dceac650-f107-11e5-892b-e57cc377d801.png" alt="image" style="max-width: 100%;"></a></li> <li>closing script tag i.e. &lt;/script&gt;<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/17735796/14002111/f213d87e-f106-11e5-9cda-17a84c2355b5.png"><img src="https://cloud.githubusercontent.com/assets/17735796/14002111/f213d87e-f106-11e5-9cda-17a84c2355b5.png" alt="image" style="max-width: 100%;"></a></li> </ol> <p dir="auto">Expected: It should display values same like visual studio intellisense.</p>
<p dir="auto">add path choose window for img src、link href、script src、background-img src</p>
1
<p dir="auto">Figure out how to set the normalize whitespace option and get rid of all the inline things.</p>
<p dir="auto">In recent versions of nose, the options <code class="notranslate">NORMALIZE_WHITESPACE</code> and <code class="notranslate">ELLIPSIS</code> can be set globally. That would be awesome.<br> This is only available in <a href="https://github.com/nose-devs/nose/blob/master/CHANGELOG">nose 1.2</a>, though. As removing the flags inline would break them on older versions, I'm not sure we can ever make the switch :-/</p> <p dir="auto">Should we try to monkey-patch?</p>
1
<p dir="auto">I've made an electron application to execute a flash application using the pepflashplaye plugin several platforms.</p> <p dir="auto">I have followed the doc <a href="https://electronjs.org/docs/tutorial/using-pepper-flash-plugin" rel="nofollow">https://electronjs.org/docs/tutorial/using-pepper-flash-plugin</a></p> <p dir="auto">It works fine on Windows, Mac but when i execute it on linux, the electron window is<br> launched and a message appear "cannot load plug-in" . Nothing is displayed in devTool console. (Notice the the plugin works fine with chrome browser), not warnings, no errors ..</p> <p dir="auto">Is there a way to know the reason electron cannot load the plugin ?<br> Can i activate some verbose logs or other messages to understand what happens ?<br> Is it a known problem or bug ?</p> <p dir="auto">I've displayed my ppapi-flash-path before opening the window and it's the good one ..</p> <p dir="auto">pluginName = '/libpepflashplayer.so';<br> pluginPath = path.join(__dirname, pluginName)<br> console.log ("pp = " + pluginPath)<br> app.commandLine.appendSwitch('ppapi-flash-path', pluginPath)</p> <p dir="auto">node version is : v10.16<br> electron version is : V6.0.10<br> chromium : v76<br> Linux CentOS 7<br> lipepflashplayer.so version : Pepper Flash 32.0.0.255</p>
<ul dir="auto"> <li>Electron Version: 3.0.0-beta.2</li> </ul> <p dir="auto">I'm not sure where to report electron webpage issues so am creating this here.</p> <ol dir="auto"> <li> <p dir="auto">Go to <a href="https://electronjs.org/releases#3.0.0-beta.2" rel="nofollow">https://electronjs.org/releases#3.0.0-beta.2</a></p> </li> <li> <p dir="auto">Note the "Linux" section:</p> <blockquote> <p dir="auto">Linux<br> Fixed a Linux thing. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="22199028" data-permission-text="Title is private" data-url="https://github.com/electron/electron/issues/123" data-hovercard-type="issue" data-hovercard-url="/electron/electron/issues/123/hovercard" href="https://github.com/electron/electron/issues/123">#123</a></p> </blockquote> </li> </ol> <p dir="auto"><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="22199028" data-permission-text="Title is private" data-url="https://github.com/electron/electron/issues/123" data-hovercard-type="issue" data-hovercard-url="/electron/electron/issues/123/hovercard" href="https://github.com/electron/electron/issues/123">#123</a> appears to be a Windows issue that was opened 4+ years ago. Also, this entry does not appear in the <a href="https://github.com/electron/electron/releases/tag/v3.0.0-beta.2">Github release info</a>, so I strongly suspect this is just a placeholder that should have been removed.</p>
0
<p dir="auto">I've been trying to dynamically check and uncheck the Table Header checkbox through another component, and have been unable to do so.</p> <p dir="auto">While exploring this issue further I found that in the TableHeader component setting selectAllSelected to true doesn't seem to be passed on. I've added dummy props to my table header just to verify I was looking at the right information, and console.logged the props in willMount and render. The selectAllSelected seems to default to false.</p>
<p dir="auto">The current Next.js example is quite daunting with several files and concepts thrown in. I will apologize in advance because the following may seem like a bit of a rant, but I really want to improve these examples.</p> <h2 dir="auto">Things I found confusing</h2> <p dir="auto">The whole example looks more like someone's personal boilerplate for their production app rather than an example for people to learn the API and get productive quickly.</p> <p dir="auto">Here are some of the things that are confusing to me:</p> <ul dir="auto"> <li>What does <code class="notranslate">getContext.js</code> do and why is it in a <code class="notranslate">/styles</code> folder?</li> <li>What does "context" mean in this instance?</li> <li><code class="notranslate">withRoot.js</code> is a bit confusing, why is there mutation here? Is it only for the sake of adding a <code class="notranslate">displayName</code>? <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="let AppWrapper = props =&gt; props.children; AppWrapper = withStyles(styles)(AppWrapper);"><pre class="notranslate"><span class="pl-k">let</span> <span class="pl-v">AppWrapper</span> <span class="pl-c1">=</span> <span class="pl-s1">props</span> <span class="pl-c1">=&gt;</span> <span class="pl-s1">props</span><span class="pl-kos">.</span><span class="pl-c1">children</span><span class="pl-kos">;</span> <span class="pl-v">AppWrapper</span> <span class="pl-c1">=</span> <span class="pl-en">withStyles</span><span class="pl-kos">(</span><span class="pl-s1">styles</span><span class="pl-kos">)</span><span class="pl-kos">(</span><span class="pl-v">AppWrapper</span><span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div> </li> <li>Is it possible to use Material-UI without using so many HOCs? What about a render-prop pattern instead? There's a lot of in-direction here that I suspect may not be completely required.</li> </ul> <h2 dir="auto">JSS confusion</h2> <p dir="auto">On top of that, there's the JSS barrier to entry:</p> <ul dir="auto"> <li>Why is JSS necessary for this example? I can guess that it has something to do with server-side rendering, but it's not made clear how it's working. There are many moving parts here.</li> <li><code class="notranslate">jss</code>, <code class="notranslate">react-jss</code>, <code class="notranslate">jss-preset-default</code> are all dependencies mentioned in the code but do not exist inside <code class="notranslate">package.json</code>.</li> <li>You have to learn about <code class="notranslate">sheetsManager</code>, <code class="notranslate">sheetsRegistry</code>, and a lot of other jargon that many React devs may not be immediately familiar with.</li> </ul> <p dir="auto">Having to learn how to work with three new dependencies in addition to your UI library is not exactly the easiest way to get started if all I want is a simple colored button.</p> <h2 dir="auto">Concepts unrelated to Material-UI</h2> <p dir="auto">There are also random things thrown in that are not directly related to Material-UI, here are a couple examples:</p> <ul dir="auto"> <li>custom meta tag with the hint: "Use minimum-scale=1 to enable GPU rasterization"</li> <li>PWA stuff (<code class="notranslate">manifest.json</code> + setting the PWA color for icons)</li> </ul> <h2 dir="auto">Conclusion</h2> <p dir="auto">I know it's probably a little too late to change the API for the 1.0 release, but we can do our best to make it easier for people to learn. I mean, all I honestly wanted to do was to use Next.js with Material-UI and have a custom color. It shouldn't require learning all of the things above.</p> <p dir="auto">There are a few things we can do:</p> <ol dir="auto"> <li>Separate the example into several separate examples show-casing each individual feature.</li> <li>Thoroughly document and explain the example in a separate README or blog post.</li> <li>Simplify the API so that usage is also likewise simplified.</li> <li>Offer higher level abstractions/helper functions (they might be less powerful, but they will be easier for users to get started)</li> </ol>
0
<p dir="auto">When doing functional testing using the test client (Symfony\Bundle\FrameworkBundle\Client) and disabling kernel reboots between requests using <code class="notranslate">$client-&gt;disableReboot()</code>, upon the 2nd request I'm running into this:</p> <p dir="auto"></p><div class="Box Box--condensed my-2"> <div class="Box-header f6"> <p class="mb-0 text-bold"> <a href="https://github.com/symfony/symfony/blob/7617492914bb21672003fc7d30511bc0da9693ad/src/Symfony/Component/HttpFoundation/Session/Storage/MockArraySessionStorage.php#L134">symfony/src/Symfony/Component/HttpFoundation/Session/Storage/MockArraySessionStorage.php</a> </p> <p class="mb-0 color-fg-muted"> Line 134 in <a data-pjax="true" class="commit-tease-sha" href="/symfony/symfony/commit/7617492914bb21672003fc7d30511bc0da9693ad">7617492</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="L134" class="blob-num border-0 px-3 py-0 color-bg-default" data-line-number="134"></td> <td id="LC134" class="blob-code border-0 px-3 py-0 color-bg-default blob-code-inner js-file-line"> <span class="pl-k">throw</span> <span class="pl-k">new</span> \<span class="pl-v">LogicException</span>(<span class="pl-s">'Cannot set session ID after the session has started.'</span>); </td> </tr> </tbody></table> </div> </div> <p></p> <p dir="auto">I don't have a test case right now, but you should be able to reproduce this easily.</p>
<p dir="auto">Hi there,</p> <p dir="auto">the exception is thrown by this line:<br> <a href="https://github.com/symfony/symfony/blob/2.5/src/Symfony/Component/HttpFoundation/Session/Storage/MockArraySessionStorage.php#L134">https://github.com/symfony/symfony/blob/2.5/src/Symfony/Component/HttpFoundation/Session/Storage/MockArraySessionStorage.php#L134</a></p> <p dir="auto">My setup works completely fine within a valid PHP environment (without <code class="notranslate">TestSessionListener</code>) - data getting stored in the session before the <code class="notranslate">TestSessionListener::onKernelRequest</code> has been executed (using <code class="notranslate">MockFileSessionStorage</code>).</p> <p dir="auto">What's the intention of this exception? I can't get my head around it. The <code class="notranslate">TestSessionListener</code> is explicitly doing this (<code class="notranslate">setId</code>) and if there is another object accessing the session before the <code class="notranslate">TestSessionListener</code> sets the id, an id is automatically generated. The listener is not correctly mimicking the session creation of PHP and this exception makes it (for some parts) unusable.</p> <p dir="auto">If there is no actual use on this exception, it may be removed, no?</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/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> <p dir="auto">I expected to have my .json file returned.</p> <h2 dir="auto">Current Behavior</h2> <p dir="auto">Instead, I was asked for 'module' or 'render' objects.</p> <h2 dir="auto">Steps to Reproduce (for bugs)</h2> <ol dir="auto"> <li>Create a JSON file to import</li> <li>use dynamic(require) to import the file</li> <li>voila</li> </ol> <h2 dir="auto">Context</h2> <p dir="auto">I'd like to use the dynamic import in a page-loading situation whereby my .md/json is loaded in on the prop-injection. Better than working with fetch as the export function is respected by next and the require baked-in.</p>
<p dir="auto">Example build fails.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="TypeError: (0 , _styles.createStyleSheet) is not a function at Object.&lt;anonymous&gt; (/xxx/xxxx/xxx/xxx/with-material-ui-next/.next/dist/components/withRoot.js:47:47) at Module._compile (module.js:573:30) at Object.Module._extensions..js (module.js:584:10) at Module.load (module.js:507:32) at tryModuleLoad (module.js:470:12) at Function.Module._load (module.js:462:3) at Module.require (module.js:517:17) at require (internal/module.js:11:18) at Object.&lt;anonymous&gt; (/xxx/xxx/xxx/xxx/with-material-ui-next/.next/dist/pages/index.js:43:17) at Module._compile (module.js:573:30)"><pre class="notranslate"><code class="notranslate">TypeError: (0 , _styles.createStyleSheet) is not a function at Object.&lt;anonymous&gt; (/xxx/xxxx/xxx/xxx/with-material-ui-next/.next/dist/components/withRoot.js:47:47) at Module._compile (module.js:573:30) at Object.Module._extensions..js (module.js:584:10) at Module.load (module.js:507:32) at tryModuleLoad (module.js:470:12) at Function.Module._load (module.js:462:3) at Module.require (module.js:517:17) at require (internal/module.js:11:18) at Object.&lt;anonymous&gt; (/xxx/xxx/xxx/xxx/with-material-ui-next/.next/dist/pages/index.js:43:17) at Module._compile (module.js:573:30) </code></pre></div> <p dir="auto">When running npm install and npm run dev, app compiles successfully then immediately fails when I land on local host with the above error.</p> <ul dir="auto"> <li>[ X] 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. This issue was listed, then closed with no comment.</li> </ul> <h2 dir="auto">Expected Behavior</h2> <p dir="auto">Expected app not to fail.</p> <h2 dir="auto">Current Behavior</h2> <p dir="auto">App fails after landing on local host 3000 with above error message</p> <h2 dir="auto">Steps to Reproduce (for bugs)</h2> <ol dir="auto"> <li>CD into example directory</li> <li>npm install</li> <li>npm run dev</li> <li>visit localhost:3000</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>^3.0.3</td> </tr> <tr> <td>node</td> <td>8.4.0</td> </tr> <tr> <td>OS</td> <td>High Sierra</td> </tr> <tr> <td>browser</td> <td>Chrome</td> </tr> <tr> <td>etc</td> <td></td> </tr> </tbody> </table>
0
<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 <a href="https://www.github.com/electron/electron/issues">issue tracker</a> for a feature request that matches the one I want to file, without success.</li> </ul> <h3 dir="auto">Electron Version</h3> <p dir="auto">11.3.0</p> <h3 dir="auto">What operating system are you using?</h3> <p dir="auto">Windows</p> <h3 dir="auto">Operating System Version</h3> <p dir="auto">Windows 10 version 20H2 - build 19042.870</p> <h3 dir="auto">What arch are you using?</h3> <p dir="auto">x64</p> <h3 dir="auto">Last Known Working Electron version</h3> <p dir="auto"><em>No response</em></p> <h3 dir="auto">Expected Behavior</h3> <p dir="auto">Calling <code class="notranslate">BrowserWindow.setBounds()</code> (or <code class="notranslate">BrowserWindow.setSize()</code>) before calling <code class="notranslate">BrowserWindow.show()</code> should show the window with correct size without showing transition flashing between previous size and the new size.</p> <h3 dir="auto">Actual Behavior</h3> <p dir="auto">The window <em>flashes</em> from the previous lower size to the new higher size (not viceversa).</p> <h3 dir="auto">Testcase Gist URL</h3> <p dir="auto"><a href="https://gist.github.com/xpirt/4e3e92fcd866fcf812c49d8439b6f6d2">https://gist.github.com/xpirt/4e3e92fcd866fcf812c49d8439b6f6d2</a></p> <p dir="auto">This has been tested on Windows 10 and macOS (although here seems to be less noticeable, more with transparency enabled).</p> <p dir="auto">The window show a flash tranisition between previous size (<code class="notranslate">height: 200</code>) to new one (<code class="notranslate">height: 600</code>). This seems to happen only from a lower size to a higher one. In fact, from <code class="notranslate">height: 600</code> to <code class="notranslate">height: 200</code> the transition flash does not seem to occur.<br> The gist test I've created registers a global shortcut <code class="notranslate">Ctrl(Cmd)+Shift+T</code> that shows/hides the window changing its bounds before toggling the visibility.</p> <p dir="auto">(For flash I mean a few milliseconds you can see the previous window size and right after the new size gets applied)</p>
<h1 dir="auto">TypeScript definitions for electron are a mess.</h1> <p dir="auto">Dear ladies and gentlemen.</p> <p dir="auto">Recently I tried to start a TypeScript project using the electron framework. For that purpose<br> I started a new TypeScript / node.js project from scratch and installed the electron npm<br> package as well as the electron typedefinitions.<br> Unfortunately the electron typedefinitions are in a disastrous state. The compiler stopped<br> counting the errors in the electron typedefinitions at 99.<br> It appears that no one ever considered to test the type definition.<br> I also figured out that the latest electron typedefinition is the one for the electron<br> framework "1.4.38" while the latest electron framework shows a release number of "1.6.10".<br> You should really consider to make typedefinitions an integral part of your framework.<br> That way you wouldn't release a new framework version without a matching typedefinition.<br> (That typedefinition should be tested of course.)<br> If you want to make it perfect, make the tyepdefinition also an integral part of your npm<br> package. That way no one has ever to wonder where the right typedefinition four your<br> framework can be found.</p> <p dir="auto">Below is a picture of the compiler output after installing the electron typedefinitions.</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/9468599/26523924/4cf279ee-4313-11e7-8f20-10ae8dbca47e.png"><img src="https://cloud.githubusercontent.com/assets/9468599/26523924/4cf279ee-4313-11e7-8f20-10ae8dbca47e.png" alt="VS Code Electron project" style="max-width: 100%;"></a></p> <p dir="auto">Your framework might be a respected piece of software in the JavaScript community,<br> but for a programmer who has a strong focus on code quality our framework is a<br> no go. I guess most TypeScript programmers chose to use TypeScript because they<br> have a strong focus on code quality like I.<br> I'm not writing this to diminish your work. I haven't enough experience with your<br> framework to be qualified for a meaningful opinion. But I can tell you this. If<br> want to make your framework shiny, give the TypeScript integration more attention.</p> <p dir="auto">Kind regards, Lord Saumagen.</p>
0
<h1 dir="auto">Environment</h1> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Windows build number: [run &quot;ver&quot; at a command prompt] PowerToys version: 0.18.1 PowerToy module for which you are reporting the bug (if applicable): PowerToys Run"><pre class="notranslate"><code class="notranslate">Windows build number: [run "ver" at a command prompt] PowerToys version: 0.18.1 PowerToy module for which you are reporting the bug (if applicable): PowerToys Run </code></pre></div> <h1 dir="auto">Steps to reproduce</h1> <p dir="auto">Search for a program shortcut inside Documents folder</p> <h1 dir="auto">Expected behavior</h1> <p dir="auto">Program should be in the results list. In the previous version, I have a program shortcut in C:/Users/x/Documents/ folder and PowerToys Run is able to index and run it.</p> <h1 dir="auto">Actual behavior</h1> <p dir="auto">Program not included in PowerToys Run list</p> <h1 dir="auto">Screenshots</h1>
<h1 dir="auto">Environment</h1> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Windows build number: Version 10.0.18363.836 PowerToys version: v.0.18.1 PowerToy module for which you are reporting the bug: PowerToys Run"><pre class="notranslate"><code class="notranslate">Windows build number: Version 10.0.18363.836 PowerToys version: v.0.18.1 PowerToy module for which you are reporting the bug: PowerToys Run </code></pre></div> <h1 dir="auto">Steps to reproduce</h1> <p dir="auto">Install PowerToys via GetWin<br> Run PowerToys in always admin mode<br> Run PowerToys Run via Alt + Space<br> Search for any give file / folder name</p> <h1 dir="auto">Expected behavior</h1> <p dir="auto">Showing the file / folder which I searched for</p> <h1 dir="auto">Actual behavior</h1> <p dir="auto">No files / folders showing up what so ever,<br> unless I type something like "D:\Documents..."</p> <h1 dir="auto">Screenshots</h1> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/65788233/82751577-70c93800-9db8-11ea-929d-738eb5e63525.png"><img src="https://user-images.githubusercontent.com/65788233/82751577-70c93800-9db8-11ea-929d-738eb5e63525.png" alt="image" style="max-width: 100%;"></a><br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/65788233/82761606-13ef7100-9dfc-11ea-8ebf-960528fbd493.png"><img src="https://user-images.githubusercontent.com/65788233/82761606-13ef7100-9dfc-11ea-8ebf-960528fbd493.png" alt="image" style="max-width: 100%;"></a><br> It is a normal folder, I just changed the icon.</p>
1
<p dir="auto">Please add it so then when dragging the window out of the zone, it restores back to the size before you snapped it, just like in Windows Snap.</p>
<p dir="auto">I could never figure out how to make this work. Would be nice but is a hard problem.</p>
1
<p dir="auto"><a href="http://stackoverflow.com/questions/18924908/remove-parentheses-from-complex-numbers-pandas/18925604#18925604" rel="nofollow">http://stackoverflow.com/questions/18924908/remove-parentheses-from-complex-numbers-pandas/18925604#18925604</a></p>
<p dir="auto">How can I read back in dataframes from CSV files which I export using <code class="notranslate">to_csv()</code> that have complex numbers?</p> <p dir="auto">test case:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="data = pd.DataFrame([1+2j,2+3j,3+4j],columns=['a']) print 'a=' print data['a'] print 'a*2=' print data['a']*2 filename = 'testcase1.csv' data.to_csv(filename) print &quot;\nReadback...&quot; data2 = pd.read_csv(filename) print data2['a'] print data2['a']*2"><pre class="notranslate"><code class="notranslate">data = pd.DataFrame([1+2j,2+3j,3+4j],columns=['a']) print 'a=' print data['a'] print 'a*2=' print data['a']*2 filename = 'testcase1.csv' data.to_csv(filename) print "\nReadback..." data2 = pd.read_csv(filename) print data2['a'] print data2['a']*2 </code></pre></div> <p dir="auto">output:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="a= 0 (1+2j) 1 (2+3j) 2 (3+4j) Name: a, dtype: complex128 a*2= 0 (2+4j) 1 (4+6j) 2 (6+8j) Name: a, dtype: complex128 Readback... 0 (1+2j) 1 (2+3j) 2 (3+4j) Name: a, dtype: object 0 (1+2j)(1+2j) 1 (2+3j)(2+3j) 2 (3+4j)(3+4j) Name: a, dtype: object"><pre class="notranslate"><code class="notranslate">a= 0 (1+2j) 1 (2+3j) 2 (3+4j) Name: a, dtype: complex128 a*2= 0 (2+4j) 1 (4+6j) 2 (6+8j) Name: a, dtype: complex128 Readback... 0 (1+2j) 1 (2+3j) 2 (3+4j) Name: a, dtype: object 0 (1+2j)(1+2j) 1 (2+3j)(2+3j) 2 (3+4j)(3+4j) Name: a, dtype: object </code></pre></div>
1
<p dir="auto">On a short, wide monitor or possibly a tablet in landscape mode, you cannot scroll down the menu even though it's fixed positioning and very long. Thus, you literally cannot click on the bottom options of the left documentation menu.</p> <p dir="auto">For example, make your window something like 1400x600 and open this. Try to click on any of the bottom links on the menu.<br> <a href="http://getbootstrap.com/components/#page-header" rel="nofollow">http://getbootstrap.com/components/#page-header</a></p> <p dir="auto">Related, at the bottom of the page, the fixed menu overlays the page footer and makes it impossible to read/click anything on the left side of the footer.</p> <p dir="auto">Possible fixes could include unfixing the menu position or allow scrolling of the menu div independently of the rest of the page.</p> <p dir="auto">edit: fixed 1400x600</p>
<p dir="auto">On the <strong>Components</strong> page of the Bootstrap docs, the sidebar becomes too tall for the viewport when <code class="notranslate">scrollspy</code> causes the sidebar subheadings to show.</p> <p dir="auto">The sidebar cannot be scrolled or manipulated to show content below the viewport.</p> <p dir="auto">See here: <a href="http://getbootstrap.com/components/#glyphicons" rel="nofollow">http://getbootstrap.com/components/#glyphicons</a></p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://camo.githubusercontent.com/95439b4a35416da72571a4370430e75ce3537082bd569e0307adc41876c1c985/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f333135343431352f3939313132322f31333836323763632d303935322d313165332d396239652d3562356337373934356263622e706e67"><img src="https://camo.githubusercontent.com/95439b4a35416da72571a4370430e75ce3537082bd569e0307adc41876c1c985/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f333135343431352f3939313132322f31333836323763632d303935322d313165332d396239652d3562356337373934356263622e706e67" alt="screen shot 2013-08-20 at 12 35 55" data-canonical-src="https://f.cloud.github.com/assets/3154415/991122/138627cc-0952-11e3-9b9e-5b5c77945bcb.png" style="max-width: 100%;"></a></p>
1
<h3 dir="auto">Vue.js version</h3> <p dir="auto">1.0.20</p> <p dir="auto"><code class="notranslate">&lt;div class="tab-wrap" v-if="object.aList.length &gt; 0" v-for="object in objects"&gt;</code><br> This work on Firefox, but not work on Chrome.</p> <p dir="auto"><code class="notranslate">&lt;div class="tab-wrap" v-for="object in objects" v-if="object.aList.length &gt; 0"&gt;</code><br> This work on Chrome, but not work on Firefox.</p> <p dir="auto">What's up?</p> <p dir="auto">升级升出了Bug?!</p>
<h3 dir="auto">Vue.js version</h3> <p dir="auto">1.0.20</p> <h3 dir="auto">Reproduction Link</h3> <p dir="auto"><a href="https://jsfiddle.net/2so6kua0/2/" rel="nofollow">https://jsfiddle.net/2so6kua0/2/</a></p> <h3 dir="auto">Steps to reproduce</h3> <p dir="auto">Start example</p> <h3 dir="auto">What is Expected?</h3> <p dir="auto">We should get</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="val == 1 val == 2 val == 3 val == 4 val == 5 val == 6"><pre class="notranslate"><code class="notranslate">val == 1 val == 2 val == 3 val == 4 val == 5 val == 6 </code></pre></div> <h3 dir="auto">What is actually happening?</h3> <p dir="auto">In firefox we get nothing, but if we will change<br> <code class="notranslate">&lt;div v-for="val in arr" v-if="val"&gt;val == {{val}}&lt;/div&gt;</code><br> to</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&lt;template v-for=&quot;val in arr&quot;&gt; &lt;div v-if=&quot;val&quot;&gt;val == {{val}}&lt;/div&gt; &lt;/template&gt;"><pre class="notranslate"><code class="notranslate">&lt;template v-for="val in arr"&gt; &lt;div v-if="val"&gt;val == {{val}}&lt;/div&gt; &lt;/template&gt; </code></pre></div> <p dir="auto">all work correctly.</p>
1
<p dir="auto">In the jsfiddle <a href="http://jsfiddle.net/69z2wepo/3536/" rel="nofollow">http://jsfiddle.net/69z2wepo/3536/</a><br> there is a <code class="notranslate">setState</code> in <code class="notranslate">componentWillMount</code> and this <code class="notranslate">setState</code> should call <code class="notranslate">this.loadData</code> since <code class="notranslate">this.loadData</code> is passed as callback to <code class="notranslate">setState</code>. But <code class="notranslate">loadData</code> is never called. See console logs. It prints only "componentWillMount called"</p>
<p dir="auto">Calling <code class="notranslate">setState</code> in <code class="notranslate">componentWillMount</code> doesn't behave as I would expect. <a href="http://jsfiddle.net/kb3gN/3194/" rel="nofollow">Here</a>'s a fiddle demonstrating. In short, the callback is invoked before the state has been updated.</p>
1
<p dir="auto">The same changes suggested in issue <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="32643374" data-permission-text="Title is private" data-url="https://github.com/twbs/bootstrap/issues/13480" data-hovercard-type="issue" data-hovercard-url="/twbs/bootstrap/issues/13480/hovercard" href="https://github.com/twbs/bootstrap/issues/13480">#13480</a> should be applied to popovers.</p> <hr> <p dir="auto">Adding a bit of info to the item with <code class="notranslate">aria-describedby</code> to the popover would help signal to Assistive Technology, like screen readers, that element getting targeted by the tooltip that it is better described by this other DOM thing. This is illustrated on <a href="https://github.com/paypal/bootstrap-accessibility-plugin/blob/master/plugins/js/bootstrap-accessibility.js#L52">paypal/bootstrap-accessibility-plugin source line 52</a></p> <h3 dir="auto">Changes that would need to happen:</h3> <ul dir="auto"> <li>Create an unique ID / or use for the target element on show</li> <li>Add an <code class="notranslate">aria-describedby="elementId"</code> on the element on show</li> </ul> <p dir="auto">We already have <code class="notranslate">role="tooltip"</code> 👍</p>
<p dir="auto">Adding a bit of info to the item with <code class="notranslate">aria-describedby</code> to the tooltip/popover would help signal to Assistive Technology, like screen readers, that element getting targeted by the tooltip/popover that it is better described by this other DOM thing. This is illustrated on <a href="https://github.com/paypal/bootstrap-accessibility-plugin/blob/master/plugins/js/bootstrap-accessibility.js#L32">paypal/bootstrap-accessibility-plugin source line 32</a></p> <h3 dir="auto">Changes that would need to happen:</h3> <ul dir="auto"> <li>Create an unique ID / or use for the target element on show</li> <li>Add an <code class="notranslate">aria-describedby="elementId"</code> on the element on show</li> </ul> <p dir="auto">We already have <code class="notranslate">role="tooltip"</code> <g-emoji class="g-emoji" alias="+1" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/1f44d.png">👍</g-emoji></p>
1
<h5 dir="auto">Description of the problem</h5> <p dir="auto">This form is for three.js bug reports and feature requests only.</p> <p dir="auto">This is NOT a help site. Do not ask help questions here.<br> If you need help, please use the <a href="https://discourse.threejs.org/" rel="nofollow">forum</a> or <a href="http://stackoverflow.com/questions/tagged/three.js" rel="nofollow">stackoverflow</a>.</p> <p dir="auto">Describe the bug or feature request in detail.</p> <p dir="auto">Always include a code snippet, screenshots, and any relevant models or textures to help us understand your issue.</p> <p dir="auto">Please also include a live example if possible. You can start from these templates:</p> <ul dir="auto"> <li><a href="https://jsfiddle.net/3foLr7sn/" rel="nofollow">jsfiddle</a> (latest release branch)</li> <li><a href="https://jsfiddle.net/qgu17w5o/" rel="nofollow">jsfiddle</a> (dev branch)</li> <li><a href="https://codepen.io/anon/pen/aEBKxR" rel="nofollow">codepen</a> (latest release branch)</li> <li><a href="https://codepen.io/anon/pen/BJWzaN" rel="nofollow">codepen</a> (dev branch)</li> </ul> <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"> Dev</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> r106</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> ...</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> <h5 dir="auto">Hardware Requirements (graphics card, VR Device, ...)</h5>
<p dir="auto">#my code block</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import * as THREE from 'three'; new THREE.MeshBasicMaterial({ color: this.getRandomColor(), program: this.particalRender });"><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-c1">*</span> <span class="pl-k">as</span> <span class="pl-c1">THREE</span> <span class="pl-k">from</span> <span class="pl-s">'three'</span><span class="pl-kos">;</span> <span class="pl-k">new</span> <span class="pl-c1">THREE</span><span class="pl-kos">.</span><span class="pl-c1">MeshBasicMaterial</span><span class="pl-kos">(</span><span class="pl-kos">{</span> <span class="pl-c1">color</span>: <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-en">getRandomColor</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-c1">program</span>: <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-c1">particalRender</span> <span class="pl-kos">}</span><span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div> <p dir="auto">and then, see this problem</p>
1
<h1 dir="auto">Bug report</h1> <h2 dir="auto">Describe the bug</h2> <p dir="auto">When I run <code class="notranslate">npm install</code> it runs through fine, then i start my app using <code class="notranslate">npm run dev</code> and browse to a page and that is when I see the error message.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="/home/metzger/projects/maketube/frontend/node_modules/@babel/runtime-corejs2/helpers/esm/typeof.js:1 (function (exports, require, module, __filename, __dirname) { import _Symbol$iterator from &quot;../../core-js/symbol/iterator&quot;; ^^^^^^ SyntaxError: Unexpected token import at createScript (vm.js:80:10) at Object.runInThisContext (vm.js:139:10) at Module._compile (module.js:616:28) at Module._compile (/home/metzger/projects/maketube/frontend/node_modules/pirates/lib/index.js:99:24) at Module._extensions..js (module.js:663:10) at Object.newLoader [as .js] (/home/metzger/projects/maketube/frontend/node_modules/pirates/lib/index.js:104:7) at Module.load (module.js:565:32) at tryModuleLoad (module.js:505:12) at Function.Module._load (module.js:497:3) at Module.require (module.js:596:17) at require (internal/module.js:11:18) at Object.&lt;anonymous&gt; (/home/metzger/projects/maketube/frontend/.next/server/static/development/pages/_error.js:7:39) at Module._compile (module.js:652:30) at Module._compile (/home/metzger/projects/maketube/frontend/node_modules/pirates/lib/index.js:99:24) at Module._extensions..js (module.js:663:10) at Object.newLoader [as .js] (/home/metzger/projects/maketube/frontend/node_modules/pirates/lib/index.js:104:7) "><pre class="notranslate"><code class="notranslate">/home/metzger/projects/maketube/frontend/node_modules/@babel/runtime-corejs2/helpers/esm/typeof.js:1 (function (exports, require, module, __filename, __dirname) { import _Symbol$iterator from "../../core-js/symbol/iterator"; ^^^^^^ SyntaxError: Unexpected token import at createScript (vm.js:80:10) at Object.runInThisContext (vm.js:139:10) at Module._compile (module.js:616:28) at Module._compile (/home/metzger/projects/maketube/frontend/node_modules/pirates/lib/index.js:99:24) at Module._extensions..js (module.js:663:10) at Object.newLoader [as .js] (/home/metzger/projects/maketube/frontend/node_modules/pirates/lib/index.js:104:7) at Module.load (module.js:565:32) at tryModuleLoad (module.js:505:12) at Function.Module._load (module.js:497:3) at Module.require (module.js:596:17) at require (internal/module.js:11:18) at Object.&lt;anonymous&gt; (/home/metzger/projects/maketube/frontend/.next/server/static/development/pages/_error.js:7:39) at Module._compile (module.js:652:30) at Module._compile (/home/metzger/projects/maketube/frontend/node_modules/pirates/lib/index.js:99:24) at Module._extensions..js (module.js:663:10) at Object.newLoader [as .js] (/home/metzger/projects/maketube/frontend/node_modules/pirates/lib/index.js:104:7) </code></pre></div> <h2 dir="auto">Expected behavior</h2> <p dir="auto">This error should not occur</p> <h2 dir="auto">System information</h2> <p dir="auto">Here is my package.json:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="{ &quot;version&quot;: &quot;1.0.0&quot;, &quot;scripts&quot;: { &quot;dev&quot;: &quot;babel-node server.js --presets @babel/env&quot;, &quot;build&quot;: &quot;next build&quot;, &quot;start&quot;: &quot;NODE_ENV=production babel-node server.js --presets @babel/env&quot; }, &quot;license&quot;: &quot;MIT&quot;, &quot;dependencies&quot;: { &quot;autoprefixer&quot;: &quot;7.1.5&quot;, &quot;aws-sdk&quot;: &quot;^2.213.1&quot;, &quot;axios&quot;: &quot;0.15.3&quot;, &quot;babel-plugin-wrap-in-js&quot;: &quot;^1.1.1&quot;, &quot;body-parser&quot;: &quot;^1.18.2&quot;, &quot;classnames&quot;: &quot;^2.2.5&quot;, &quot;cookie-parser&quot;: &quot;^1.4.3&quot;, &quot;express&quot;: &quot;^4.16.3&quot;, &quot;faker&quot;: &quot;^4.1.0&quot;, &quot;glob&quot;: &quot;^7.1.2&quot;, &quot;http-proxy-middleware&quot;: &quot;^0.17.4&quot;, &quot;jsonwebtoken&quot;: &quot;^8.2.0&quot;, &quot;jwt-decode&quot;: &quot;^2.2.0&quot;, &quot;lodash&quot;: &quot;^4.17.11&quot;, &quot;moment&quot;: &quot;^2.21.0&quot;, &quot;net&quot;: &quot;^1.0.2&quot;, &quot;next&quot;: &quot;latest&quot;, &quot;njwt&quot;: &quot;^0.4.0&quot;, &quot;node-sass&quot;: &quot;^4.4.0&quot;, &quot;normalize.css&quot;: &quot;^7.0.0&quot;, &quot;postcss-easy-import&quot;: &quot;^3.0.0&quot;, &quot;postcss-loader&quot;: &quot;^2.0.7&quot;, &quot;prop-types&quot;: &quot;^15.6.1&quot;, &quot;raw-loader&quot;: &quot;^0.5.1&quot;, &quot;react&quot;: &quot;^16.0.0&quot;, &quot;react-datepicker&quot;: &quot;^0.64.0&quot;, &quot;react-dom&quot;: &quot;^16.0.0&quot;, &quot;react-expand-collapse&quot;: &quot;^0.2.0&quot;, &quot;react-horizontal-timeline&quot;: &quot;^1.4.0&quot;, &quot;react-masonry-css&quot;: &quot;^1.0.12&quot;, &quot;react-particle-animation&quot;: &quot;^1.0.1&quot;, &quot;sass-loader&quot;: &quot;^6.0.6&quot;, &quot;semantic-ui-icon&quot;: &quot;^2.2.12&quot;, &quot;semantic-ui-react&quot;: &quot;^0.80.0&quot;, &quot;sqlite&quot;: &quot;^2.9.0&quot;, &quot;sqlite3&quot;: &quot;^3.1.13&quot;, &quot;superagent&quot;: &quot;^3.4.0&quot;, &quot;tls&quot;: &quot;0.0.1&quot;, &quot;universal-cookie&quot;: &quot;^2.1.2&quot; }, &quot;devDependencies&quot;: { &quot;@babel/cli&quot;: &quot;^7.2.3&quot;, &quot;@babel/core&quot;: &quot;^7.2.2&quot;, &quot;@babel/node&quot;: &quot;^7.2.2&quot;, &quot;@babel/preset-env&quot;: &quot;^7.2.3&quot;, &quot;babel-core&quot;: &quot;^7.0.0-bridge&quot;, &quot;babel-plugin-inline-react-svg&quot;: &quot;^0.4.0&quot;, &quot;babel-plugin-module-resolver&quot;: &quot;^3.1.1&quot;, &quot;now&quot;: &quot;^8.3.10&quot; } }"><pre class="notranslate"><code class="notranslate">{ "version": "1.0.0", "scripts": { "dev": "babel-node server.js --presets @babel/env", "build": "next build", "start": "NODE_ENV=production babel-node server.js --presets @babel/env" }, "license": "MIT", "dependencies": { "autoprefixer": "7.1.5", "aws-sdk": "^2.213.1", "axios": "0.15.3", "babel-plugin-wrap-in-js": "^1.1.1", "body-parser": "^1.18.2", "classnames": "^2.2.5", "cookie-parser": "^1.4.3", "express": "^4.16.3", "faker": "^4.1.0", "glob": "^7.1.2", "http-proxy-middleware": "^0.17.4", "jsonwebtoken": "^8.2.0", "jwt-decode": "^2.2.0", "lodash": "^4.17.11", "moment": "^2.21.0", "net": "^1.0.2", "next": "latest", "njwt": "^0.4.0", "node-sass": "^4.4.0", "normalize.css": "^7.0.0", "postcss-easy-import": "^3.0.0", "postcss-loader": "^2.0.7", "prop-types": "^15.6.1", "raw-loader": "^0.5.1", "react": "^16.0.0", "react-datepicker": "^0.64.0", "react-dom": "^16.0.0", "react-expand-collapse": "^0.2.0", "react-horizontal-timeline": "^1.4.0", "react-masonry-css": "^1.0.12", "react-particle-animation": "^1.0.1", "sass-loader": "^6.0.6", "semantic-ui-icon": "^2.2.12", "semantic-ui-react": "^0.80.0", "sqlite": "^2.9.0", "sqlite3": "^3.1.13", "superagent": "^3.4.0", "tls": "0.0.1", "universal-cookie": "^2.1.2" }, "devDependencies": { "@babel/cli": "^7.2.3", "@babel/core": "^7.2.2", "@babel/node": "^7.2.2", "@babel/preset-env": "^7.2.3", "babel-core": "^7.0.0-bridge", "babel-plugin-inline-react-svg": "^0.4.0", "babel-plugin-module-resolver": "^3.1.1", "now": "^8.3.10" } } </code></pre></div>
<p dir="auto">I am getting the following issue which I presume is related to babel.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="node_modules/@babel/runtime-corejs2/helpers/esm/asyncToGenerator.js:1 (function (exports, require, module, __filename, __dirname) { import _Promise from &quot;../../core-js/promise&quot;; SyntaxError: Unexpected token import"><pre class="notranslate"><code class="notranslate">node_modules/@babel/runtime-corejs2/helpers/esm/asyncToGenerator.js:1 (function (exports, require, module, __filename, __dirname) { import _Promise from "../../core-js/promise"; SyntaxError: Unexpected token import </code></pre></div> <p dir="auto">It seems that <code class="notranslate">@babel/runtime-corejs2/helpers/esm</code> is being used instead of just<code class="notranslate">@babel/runtime-corejs2/helpers</code> where the compiled files seem to be.</p> <p dir="auto">I didn't notice this in <code class="notranslate">dev</code> with the following config</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&quot;presets&quot;: [ [&quot;next/babel&quot;, {&quot;preset-env&quot;: { &quot;modules&quot;: &quot;commonjs&quot; }}] ],"><pre class="notranslate"><code class="notranslate">"presets": [ ["next/babel", {"preset-env": { "modules": "commonjs" }}] ], </code></pre></div> <p dir="auto">The issue is when I try and run the production build. Here is the relevant config</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="{ &quot;env&quot;: { &quot;production&quot;: { &quot;presets&quot;: [ [&quot;next/babel&quot;, { &quot;preset-env&quot;: { &quot;targets&quot;: { &quot;browsers&quot;: [&quot;&gt; 1%&quot;] } } }] ], &quot;plugins&quot;: [ [ &quot;babel-plugin-styled-components&quot;, { &quot;displayName&quot;: false } ], &quot;transform-react-constant-elements&quot;, &quot;@babel/plugin-transform-react-inline-elements&quot; ] }, }, &quot;plugins&quot;: [ [ &quot;transform-imports&quot;, { &quot;lodash&quot;: { &quot;transform&quot;: &quot;lodash/${member}&quot;, &quot;preventFullImport&quot;: true }, &quot;validator&quot;: { &quot;transform&quot;: &quot;validator/lib/${member}&quot;, &quot;preventFullImport&quot;: true }, &quot;recompose&quot;: { &quot;transform&quot;: &quot;recompose/${member}&quot;, &quot;preventFullImport&quot;: true }, } ], &quot;date-fns&quot;, &quot;transform-modern-regexp&quot;, &quot;@babel/plugin-proposal-export-default-from&quot;, &quot;@babel/plugin-proposal-export-namespace-from&quot;, &quot;@babel/plugin-proposal-optional-catch-binding&quot;, [ &quot;module-resolver&quot;, { &quot;root&quot;: [ &quot;./src&quot; ] } ], [ &quot;inline-import&quot;, { &quot;extensions&quot;: [ &quot;.css&quot; ] } ] ] } "><pre class="notranslate"><code class="notranslate">{ "env": { "production": { "presets": [ ["next/babel", { "preset-env": { "targets": { "browsers": ["&gt; 1%"] } } }] ], "plugins": [ [ "babel-plugin-styled-components", { "displayName": false } ], "transform-react-constant-elements", "@babel/plugin-transform-react-inline-elements" ] }, }, "plugins": [ [ "transform-imports", { "lodash": { "transform": "lodash/${member}", "preventFullImport": true }, "validator": { "transform": "validator/lib/${member}", "preventFullImport": true }, "recompose": { "transform": "recompose/${member}", "preventFullImport": true }, } ], "date-fns", "transform-modern-regexp", "@babel/plugin-proposal-export-default-from", "@babel/plugin-proposal-export-namespace-from", "@babel/plugin-proposal-optional-catch-binding", [ "module-resolver", { "root": [ "./src" ] } ], [ "inline-import", { "extensions": [ ".css" ] } ] ] } </code></pre></div>
1
<p dir="auto">Hi i'm new on flutter, when i'm building apk for the first time the armeabi-v7a lib was there, but in my second time armeabi replaced by arm64. zenfone cannot install my aplication, but its working on xiaomi.</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/6326715/41508161-4e6e333a-726a-11e8-929b-0c68751d68c6.png"><img width="427" alt="screen shot 2018-06-17 at 20 08 31" src="https://user-images.githubusercontent.com/6326715/41508161-4e6e333a-726a-11e8-929b-0c68751d68c6.png" style="max-width: 100%;"></a></p> <p dir="auto">my app only use simple widget like textfield, button, scaffold, nothing fancy.<br> can use armeabi-v7a forcefully?</p>
<h2 dir="auto">Status</h2> <p dir="auto">9/9/22: Work- in-progress</p> <h2 dir="auto">Description</h2> <p dir="auto">When I try to invoke a platform channel method from a custom spawned isolate, the app crashes badly (both on iOS and Android). I'm trying to figure out whether this is expected or not.</p> <p dir="auto">If it's not, it's probably worth to mention that somewhere.</p> <p dir="auto">Anyways I think that this can potentially be a strong limitation. Is there a way to be able to call platform plugins from a secondary isolate?</p> <h2 dir="auto">PRs</h2> <ul class="contains-task-list"> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> iOS Engine - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1329272252" data-permission-text="Title is private" data-url="https://github.com/flutter/engine/issues/35174" data-hovercard-type="pull_request" data-hovercard-url="/flutter/engine/pull/35174/hovercard" href="https://github.com/flutter/engine/pull/35174">flutter/engine#35174</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> iOS Framework - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1329273808" data-permission-text="Title is private" data-url="https://github.com/flutter/flutter/issues/109005" data-hovercard-type="pull_request" data-hovercard-url="/flutter/flutter/pull/109005/hovercard" href="https://github.com/flutter/flutter/pull/109005">#109005</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> Reland iOS Framework - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1368411373" data-permission-text="Title is private" data-url="https://github.com/flutter/flutter/issues/111320" data-hovercard-type="pull_request" data-hovercard-url="/flutter/flutter/pull/111320/hovercard" href="https://github.com/flutter/flutter/pull/111320">#111320</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> Android Engine - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1356086909" data-permission-text="Title is private" data-url="https://github.com/flutter/engine/issues/35804" data-hovercard-type="pull_request" data-hovercard-url="/flutter/engine/pull/35804/hovercard" href="https://github.com/flutter/engine/pull/35804">flutter/engine#35804</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> Android Framework - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1368087490" data-permission-text="Title is private" data-url="https://github.com/flutter/flutter/issues/111279" data-hovercard-type="pull_request" data-hovercard-url="/flutter/flutter/pull/111279/hovercard" href="https://github.com/flutter/flutter/pull/111279">#111279</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> Add macOS platform channel integration tests - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1356187128" data-permission-text="Title is private" data-url="https://github.com/flutter/flutter/issues/110606" data-hovercard-type="pull_request" data-hovercard-url="/flutter/flutter/pull/110606/hovercard" href="https://github.com/flutter/flutter/pull/110606">#110606</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> Desktop Engine - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1360597048" data-permission-text="Title is private" data-url="https://github.com/flutter/engine/issues/35893" data-hovercard-type="pull_request" data-hovercard-url="/flutter/engine/pull/35893/hovercard" href="https://github.com/flutter/engine/pull/35893">flutter/engine#35893</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> Desktop Framework - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1360596034" data-permission-text="Title is private" data-url="https://github.com/flutter/flutter/issues/110882" data-hovercard-type="pull_request" data-hovercard-url="/flutter/flutter/pull/110882/hovercard" href="https://github.com/flutter/flutter/pull/110882">#110882</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> Add samplecode - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1383102127" data-permission-text="Title is private" data-url="https://github.com/flutter/flutter/issues/112235" data-hovercard-type="issue" data-hovercard-url="/flutter/flutter/issues/112235/hovercard" href="https://github.com/flutter/flutter/issues/112235">#112235</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> Update website documentation - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1386862449" data-permission-text="Title is private" data-url="https://github.com/flutter/website/issues/7592" data-hovercard-type="pull_request" data-hovercard-url="/flutter/website/pull/7592/hovercard" href="https://github.com/flutter/website/pull/7592">flutter/website#7592</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> Make it work with plugins that require a dart plugin registrant - <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1383132575" data-permission-text="Title is private" data-url="https://github.com/flutter/flutter/issues/112240" data-hovercard-type="issue" data-hovercard-url="/flutter/flutter/issues/112240/hovercard" href="https://github.com/flutter/flutter/issues/112240">#112240</a></li> </ul>
0
<ul dir="auto"> <li>Electron Version:2.0.7</li> <li>Electron Builder Version:20.27.1</li> <li>Operating System (Platform and Version):OS X 10.11.6</li> <li>Last known working Electron version: unknown</li> </ul> <p dir="auto"><strong>Expected Behavior</strong><br> If app IS already running and the user opens any file with a file extension handled by the app using "Open With" or double clicking on a file where the app is the default editor, the running app should receive an "open-file" event and no other app should be launched. If the app is NOT already running and the user opens a file with a file extension handled by the app using "Open With" or double clicking on a file where the app is the default editor, the app should be launched with a subsequent open-file event.</p> <p dir="auto"><strong>Actual behavior</strong><br> Sometimes the RUNNING app receives an open-file event sometimes it does not. Very strange behavior seems to be associated with a) how the app is initially launched and b) what other apps are running at the time the app is launched. When app IS already running, only files with extensions where the app is the DEFAULT handler will cause an open-file event to be received by the running app. Any other file that is opened using "Open With" sends the open-file event to the new app that is quitting so the RUNNING app never receives the event.</p> <p dir="auto"><strong>To Reproduce</strong><br> I've created a fork of electron-quick-start. Simply clone, install and build. The app must be built on OSX for FileAssocitions to work. The only files I modified from the quick start are the package.json file and the main.js (my code is marked with DAM).</p> <p dir="auto">To test you will need to create a few files to demonstrate the problem. The extensions this app will handler are .eds, .edsx, .pdf, .tif and .tiff.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&quot;fileAssociations&quot;: [ { &quot;ext&quot;: [ &quot;eds&quot;, &quot;edsx&quot; ], &quot;description&quot;: &quot;EDS file extension&quot;, &quot;name&quot;: &quot;EDS&quot;, &quot;role&quot;: &quot;Editor&quot; }, { &quot;ext&quot;: &quot;pdf&quot;, &quot;description&quot;: &quot;PDF file extension&quot;, &quot;name&quot;: &quot;PDF&quot;, &quot;role&quot;: &quot;Editor&quot; }, { &quot;ext&quot;: &quot;tif&quot;, &quot;description&quot;: &quot;Scanned TIF Document&quot;, &quot;name&quot;: &quot;TIF&quot;, &quot;role&quot;: &quot;Editor&quot; }, { &quot;ext&quot;: &quot;tiff&quot;, &quot;description&quot;: &quot;Scanned TIFF Document&quot;, &quot;name&quot;: &quot;TIFF&quot;, &quot;role&quot;: &quot;Editor&quot; }"><pre class="notranslate"><code class="notranslate">"fileAssociations": [ { "ext": [ "eds", "edsx" ], "description": "EDS file extension", "name": "EDS", "role": "Editor" }, { "ext": "pdf", "description": "PDF file extension", "name": "PDF", "role": "Editor" }, { "ext": "tif", "description": "Scanned TIF Document", "name": "TIF", "role": "Editor" }, { "ext": "tiff", "description": "Scanned TIFF Document", "name": "TIFF", "role": "Editor" } </code></pre></div> <p dir="auto">Make sure at least one of these files extensions is not already handled by another app so that you can see the differences in behavior when the app is the DEFAULT editor and when it is an alternate. I will assume going forward that this app will be the DEFAULT editor for .eds and .edsx files.</p> <p dir="auto">In my example I created the following files:</p> <p dir="auto">test1.eds - default handler is this app<br> test1.edsx - default handler is this app<br> test1.pdf - default handler is Preview<br> test1.tif - default handler is Preview<br> test1.tiff - default handler is Preview</p> <p dir="auto">The contents of the file doesn't really matter; however, you should use a valid .pdf file if you have one. You can then duplicate the .pdf file to create all the other files. Before each test make sure the app is not running (including helpers) using the Activity Monitor.</p> <p dir="auto">**Note: I've found that you have to launch the app at least once for the file associations to be active. I thought installing the app would set this up; however, if you install the app and then use "Open With" on the .pdf file (for example) the Preview app opens instead. After you launch the app the first time doing the same thing will open the app correctly. This may or may not be a separate issue.<br> **</p> <p dir="auto">Test <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="14015029" data-permission-text="Title is private" data-url="https://github.com/electron/electron/issues/1" data-hovercard-type="issue" data-hovercard-url="/electron/electron/issues/1/hovercard" href="https://github.com/electron/electron/issues/1">#1</a> - Launch the app manually via the Applications folder. Now open each individual test file using "Open With" via context menu. Note that only the .eds and .edsx files generate an open-file event. Quit the app.</p> <p dir="auto">Test <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="14326199" data-permission-text="Title is private" data-url="https://github.com/electron/electron/issues/2" data-hovercard-type="issue" data-hovercard-url="/electron/electron/issues/2/hovercard" href="https://github.com/electron/electron/issues/2">#2</a> - Launch the app by double clicking on the .eds or .edsx file (assuming the app is the default editor for these file types). Now open the remaining files using "Open With". Note that the same thing happens as in test <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="14015029" data-permission-text="Title is private" data-url="https://github.com/electron/electron/issues/1" data-hovercard-type="issue" data-hovercard-url="/electron/electron/issues/1/hovercard" href="https://github.com/electron/electron/issues/1">#1</a>. Quit the app.</p> <p dir="auto">Test <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="14333725" data-permission-text="Title is private" data-url="https://github.com/electron/electron/issues/3" data-hovercard-type="issue" data-hovercard-url="/electron/electron/issues/3/hovercard" href="https://github.com/electron/electron/issues/3">#3</a> - Make sure the Preview app is not running. Launch the app by using the "Open With" on the .pdf file. The app should launch. Now open the all the other files using "Open With". You should see that some result in the open-file event firing and some do not. The .eds and .edsx files do not fire the open-file event using "Open With"; however, if you now double click on them it works. Quit the app.</p> <p dir="auto">Test <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="14334785" data-permission-text="Title is private" data-url="https://github.com/electron/electron/issues/4" data-hovercard-type="issue" data-hovercard-url="/electron/electron/issues/4/hovercard" href="https://github.com/electron/electron/issues/4">#4</a> - Drag the app to the Dock. Now drag the .pdf file to the app on the Dock. The app opens as expected. Now open the .eds, .edsx, .tif and .tiff files using "Open With". Note that the .tif and .tiff fail. Now double click on the .eds and .edsx files. They work. Now try using "Open With" on the .pdf file (the one you initially dragged to the app on the Dock). That doesn't work. Crazy right? Quit the app.</p> <p dir="auto">Observed results - in each case where the RUNNING app fails to receive the open-event there is a separate log file created. This indicates that the app is actually launched a second time where it then receives the open-file event and immediately quits. I modified the log handler to create a new log file for each app invocation. This way you can see the logs in the RUNNING app as well as the logs generated by the new app instances. The RUNNING app sometimes receives the open-file event and sometimes it doesn't.</p> <p dir="auto">Here is the contents of the log the second app generates (what I believe is a bug)</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[2018-08-11 13:02:34.217] [info] quitting because app already running [2018-08-11 13:02:34.291] [info] ----------------------- app will-finish-launching ------------- [2018-08-11 13:02:34.407] [info] ----------------------- app open-file ------------------------ /Users/popeye/Data/MyProjects/git/testData/test1.tif [2018-08-11 13:02:34.408] [info] open-file - /Users/popeye/Data/MyProjects/git/testData/test1.tif"><pre class="notranslate"><code class="notranslate">[2018-08-11 13:02:34.217] [info] quitting because app already running [2018-08-11 13:02:34.291] [info] ----------------------- app will-finish-launching ------------- [2018-08-11 13:02:34.407] [info] ----------------------- app open-file ------------------------ /Users/popeye/Data/MyProjects/git/testData/test1.tif [2018-08-11 13:02:34.408] [info] open-file - /Users/popeye/Data/MyProjects/git/testData/test1.tif </code></pre></div> <p dir="auto">At the same time the RUNNING app generates the following additional logs (notice no open-file event)</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[2018-08-11 13:02:34.215] [info] checking to see if app already running [2018-08-11 13:02:34.215] [info] isSecondInstance? argv, [ '/Volumes/electron-quick-start 1.0.0/electron-quick-start.app/Contents/MacOS/electron-quick-start', '-psn_0_2298417' ] [2018-08-11 13:02:34.215] [info] isSecondInstance? workingDirectory, / [2018-08-11 13:02:34.216] [info] deeplinkingUrl = ?? [2018-08-11 13:02:34.216] [info] executing js - var elem = document.createElement(&quot;div&quot;); elem.textContent=&quot;deeplinkingUrl = ??&quot;; document.body.appendChild(elem);"><pre class="notranslate"><code class="notranslate">[2018-08-11 13:02:34.215] [info] checking to see if app already running [2018-08-11 13:02:34.215] [info] isSecondInstance? argv, [ '/Volumes/electron-quick-start 1.0.0/electron-quick-start.app/Contents/MacOS/electron-quick-start', '-psn_0_2298417' ] [2018-08-11 13:02:34.215] [info] isSecondInstance? workingDirectory, / [2018-08-11 13:02:34.216] [info] deeplinkingUrl = ?? [2018-08-11 13:02:34.216] [info] executing js - var elem = document.createElement("div"); elem.textContent="deeplinkingUrl = ??"; document.body.appendChild(elem); </code></pre></div> <p dir="auto">This can't be the intended results. The problem is that the RUNNING app never gets an open-file event "in certain situations" based on how the app was launched and what other apps are running at the time (default editors).</p> <p dir="auto">In the screen shot I provided you will see that the 2 file extensions .eds and .edsx work correctly by double clicking on them OR using the "Open With". I suspect this is because the app is the DEFAULT handler for these types of files. Other extensions like .pdf or .tif/.tiff are not handled properly (IMHO).</p> <p dir="auto">Now since this is my first reported issue I have to assume that I am doing something incorrectly and/or reading the documentation incorrectly. If that is the case I apologize in advance for taking up your time and would appreciate some helpful words of wisdom.</p> <p dir="auto">Thank you in advance for your time and consideration.</p> <div class="highlight highlight-source-shell notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="$ git clone https://github.com/payitforwardnow/electron-quick-start-14029 $ npm install $ npm run build"><pre class="notranslate">$ git clone https://github.com/payitforwardnow/electron-quick-start-14029 $ npm install $ npm run build</pre></div> <p dir="auto"><strong>Screenshots</strong><br> Test1 &amp; Test2<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/30054747/43993348-f0fe0854-9d59-11e8-9aaa-e7e54ef04b47.png"><img src="https://user-images.githubusercontent.com/30054747/43993348-f0fe0854-9d59-11e8-9aaa-e7e54ef04b47.png" alt="helloworld1" style="max-width: 100%;"></a></p> <p dir="auto">Test3<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/30054747/43993791-0f441752-9d61-11e8-94e4-ba3cf5ce245e.png"><img src="https://user-images.githubusercontent.com/30054747/43993791-0f441752-9d61-11e8-94e4-ba3cf5ce245e.png" alt="test3" style="max-width: 100%;"></a></p> <p dir="auto">Test 4<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/30054747/43994023-08e7740a-9d64-11e8-906e-e50b28549f34.png"><img src="https://user-images.githubusercontent.com/30054747/43994023-08e7740a-9d64-11e8-906e-e50b28549f34.png" alt="test4" style="max-width: 100%;"></a></p> <p dir="auto">Test Files<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/30054747/43993804-49819e44-9d61-11e8-90ba-a4dfe1ad5093.png"><img src="https://user-images.githubusercontent.com/30054747/43993804-49819e44-9d61-11e8-90ba-a4dfe1ad5093.png" alt="testdata" style="max-width: 100%;"></a></p> <p dir="auto">Log Files<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/30054747/43993679-7e0ad4d4-9d5f-11e8-936d-02dd4386f481.png"><img src="https://user-images.githubusercontent.com/30054747/43993679-7e0ad4d4-9d5f-11e8-936d-02dd4386f481.png" alt="logs" style="max-width: 100%;"></a></p>
<p dir="auto"><strong>Is your feature request related to a problem? Please describe.</strong><br> running many electron apps uses much memory and harddisk space overhead</p> <p dir="auto"><strong>Describe the solution you'd like</strong><br> electron should run as a daemon so that more then 1 app can share functions</p> <p dir="auto"><strong>Describe alternatives you've considered</strong><br> create os level bindings for all functions something like nativ apps done via cordova</p> <p dir="auto"><strong>Additional context</strong></p>
0
<p dir="auto">Salute,</p> <p dir="auto">currently the GP module does not allow to use multiple input feature with the same value. At least from the math point of view there is no need for this restriction. Though, I didn't go through the whole implementation to see if there is something special about it that would require this restriction. I tested it on some dummy problem (with noisy data) with and without multiple equal inputs and it worked fine and, not surprisingly, even better when using duplicates (more data yeay!).<br> Any reasons to keep it?</p>
<p dir="auto">I would like to suggest that the LOF score which is calculated and stored in the <a href="https://github.com/scikit-learn/scikit-learn/blob/master/sklearn/neighbors/lof.py">LOF class</a> as <code class="notranslate">negative_outlier_factor_</code> is publicly accessible.<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/scikit-learn/scikit-learn/blob/18cf2e55807790cbeb929fd91c22b73a4aad71b0/sklearn/neighbors/lof.py#L193">scikit-learn/sklearn/neighbors/lof.py</a> </p> <p class="mb-0 color-fg-muted"> Line 193 in <a data-pjax="true" class="commit-tease-sha" href="/scikit-learn/scikit-learn/commit/18cf2e55807790cbeb929fd91c22b73a4aad71b0">18cf2e5</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="L193" class="blob-num border-0 px-3 py-0 color-bg-default" data-line-number="193"></td> <td id="LC193" class="blob-code border-0 px-3 py-0 color-bg-default blob-code-inner js-file-line"> <span class="pl-s1">self</span>.<span class="pl-s1">negative_outlier_factor_</span> <span class="pl-c1">=</span> <span class="pl-c1">-</span><span class="pl-s1">np</span>.<span class="pl-en">mean</span>(<span class="pl-s1">lrd_ratios_array</span>, <span class="pl-s1">axis</span><span class="pl-c1">=</span><span class="pl-c1">1</span>) </td> </tr> </tbody></table> </div> </div> <br> With this change it would be possible to not only use the 1 and -1 for no outlier and outlier as result of the LOF algorithm but also the LOF score. Possible usage scenarios would be a visualisation for more interpretable results, another way to calculate the threshold, manual setting of the threshold...<br> If the community agrees with the change, I could make the modifications and submit a PR.<p></p>
0
<p dir="auto">My intellisense is not showing the same behavior as what's shown in the v10.10 release notes.<br> Note here how the <code class="notranslate">@constructor</code> directive is visible at the end of the description, suggesting that perhaps it wasn't parsed.<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/2729807/13602144/e08dde2a-e502-11e5-8c73-2380e406cf61.png"><img src="https://cloud.githubusercontent.com/assets/2729807/13602144/e08dde2a-e502-11e5-8c73-2380e406cf61.png" alt="image" style="max-width: 100%;"></a></p> <p dir="auto">The <code class="notranslate">name</code> parameter does not show the description, but the type is displayed correctly.<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/2729807/13602227/59cb9a3e-e503-11e5-9e5b-36fa14196c00.png"><img src="https://cloud.githubusercontent.com/assets/2729807/13602227/59cb9a3e-e503-11e5-9e5b-36fa14196c00.png" alt="image" style="max-width: 100%;"></a></p> <p dir="auto">There is no intellisense for the greet function<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/2729807/13602191/24c6dcfe-e503-11e5-9d43-a1bdeab1a6a2.png"><img src="https://cloud.githubusercontent.com/assets/2729807/13602191/24c6dcfe-e503-11e5-9d43-a1bdeab1a6a2.png" alt="image" style="max-width: 100%;"></a></p> <p dir="auto">Do I need to do something to explicitly enable the functionality showcased in the release notes? I tried executing "Reload Javascript Project" both with and without a jsconfig.json file present already.</p>
<p dir="auto">More often these days (I have seen this before) my problems/warnings status bar shows 99+ and clicking on it shows all are coming from /Applications/Visual Studio Code - Alpha.app/Contents/Resources/app/extensions/typescript/server/typescript/lib/lib.d.ts</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/900690/13567077/6337ffe0-e459-11e5-98e7-04f1983d07db.png"><img src="https://cloud.githubusercontent.com/assets/900690/13567077/6337ffe0-e459-11e5-98e7-04f1983d07db.png" alt="image" style="max-width: 100%;"></a></p> <p dir="auto">In addition the console prints this:</p> <p dir="auto">[Extension Host] diagnostics for file:///Applications/Visual%20Studio%20Code%20-%20Alpha.app/Contents/Resources/app/extensions/typescript/server/typescript/lib/lib.d.ts will be capped to 250 (actually is 588)</p>
1
<h1 dir="auto">Bug report</h1> <p dir="auto"><strong>What is the current behavior?</strong><br> This ticket is not critical, since the <code class="notranslate">dist/production</code> env still works, but there seems to be some not needed redundancy.<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/1177434/169510303-15e703f1-0b1a-4875-b9f2-229ce00035cd.png"><img width="1220" alt="Screenshot 2022-05-20 at 12 31 28" src="https://user-images.githubusercontent.com/1177434/169510303-15e703f1-0b1a-4875-b9f2-229ce00035cd.png" style="max-width: 100%;"></a></p> <p dir="auto">The map contains the the same chunk-names for many (not all) entries at the first and last position of the arrays.</p> <p dir="auto"><strong>If the current behavior is a bug, please provide the steps to reproduce.</strong><br> The easiest way to reproduce it:</p> <ol dir="auto"> <li>clone the neo.mjs repository: <a href="https://github.com/neomjs/neo">https://github.com/neomjs/neo</a></li> <li>npm install</li> <li>npm run build-all</li> <li>open dist/production/appworker.js</li> </ol> <p dir="auto"><strong>What is the expected behavior?</strong><br> Chunk-names should be unique for each path / array. One easy way to fix it is probably to convert the array into a <a href="https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Global_Objects/Set" rel="nofollow">Set</a> and back.</p> <p dir="auto">it could make sense though to investigate why this is happening</p> <p dir="auto"><strong>Other relevant information:</strong><br> webpack version: 5.72.1<br> Node.js version: v16.2.0<br> Operating System: Monterey<br> Additional tools:</p>
<h1 dir="auto">Bug report</h1> <p dir="auto">(I <em>think</em> this is a bug. It's possible it's a feature I don't yet understand.)</p> <p dir="auto"><strong>What is the current behavior?</strong></p> <p dir="auto">When using the split chunks plugin, the resulting compilation chunks sometimes have duplicate ids. For example, I added this debugging hook to my webpack config:</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=" compiler.hooks.afterEmit.tap(&quot;log-dupe-chunks&quot;, function(compilation) { let chunks = compilation.chunks; let chunkIds = chunks.map(c =&gt; c.id); let dupeChunks = chunks .filter(c =&gt; chunkIds.filter(i =&gt; i === c.id).length &gt; 1) .map(c =&gt; pick(c, [&quot;id&quot;, &quot;ids&quot;, &quot;debugId&quot;, &quot;name&quot;, &quot;entryModule&quot;, &quot;files&quot;, &quot;rendered&quot;, &quot;hash&quot;, &quot;contentHash&quot;, &quot;renderedHash&quot;, &quot;chunkReason&quot;, &quot;extraAsync&quot;]) ); if (dupeChunks.length) { console.log(dupeChunks); } }); "><pre class="notranslate"> <span class="pl-s1">compiler</span><span class="pl-kos">.</span><span class="pl-c1">hooks</span><span class="pl-kos">.</span><span class="pl-c1">afterEmit</span><span class="pl-kos">.</span><span class="pl-en">tap</span><span class="pl-kos">(</span><span class="pl-s">"log-dupe-chunks"</span><span class="pl-kos">,</span> <span class="pl-k">function</span><span class="pl-kos">(</span><span class="pl-s1">compilation</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-k">let</span> <span class="pl-s1">chunks</span> <span class="pl-c1">=</span> <span class="pl-s1">compilation</span><span class="pl-kos">.</span><span class="pl-c1">chunks</span><span class="pl-kos">;</span> <span class="pl-k">let</span> <span class="pl-s1">chunkIds</span> <span class="pl-c1">=</span> <span class="pl-s1">chunks</span><span class="pl-kos">.</span><span class="pl-en">map</span><span class="pl-kos">(</span><span class="pl-s1">c</span> <span class="pl-c1">=&gt;</span> <span class="pl-s1">c</span><span class="pl-kos">.</span><span class="pl-c1">id</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-k">let</span> <span class="pl-s1">dupeChunks</span> <span class="pl-c1">=</span> <span class="pl-s1">chunks</span> <span class="pl-kos">.</span><span class="pl-en">filter</span><span class="pl-kos">(</span><span class="pl-s1">c</span> <span class="pl-c1">=&gt;</span> <span class="pl-s1">chunkIds</span><span class="pl-kos">.</span><span class="pl-en">filter</span><span class="pl-kos">(</span><span class="pl-s1">i</span> <span class="pl-c1">=&gt;</span> <span class="pl-s1">i</span> <span class="pl-c1">===</span> <span class="pl-s1">c</span><span class="pl-kos">.</span><span class="pl-c1">id</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-c1">length</span> <span class="pl-c1">&gt;</span> <span class="pl-c1">1</span><span class="pl-kos">)</span> <span class="pl-kos">.</span><span class="pl-en">map</span><span class="pl-kos">(</span><span class="pl-s1">c</span> <span class="pl-c1">=&gt;</span> <span class="pl-en">pick</span><span class="pl-kos">(</span><span class="pl-s1">c</span><span class="pl-kos">,</span> <span class="pl-kos">[</span><span class="pl-s">"id"</span><span class="pl-kos">,</span> <span class="pl-s">"ids"</span><span class="pl-kos">,</span> <span class="pl-s">"debugId"</span><span class="pl-kos">,</span> <span class="pl-s">"name"</span><span class="pl-kos">,</span> <span class="pl-s">"entryModule"</span><span class="pl-kos">,</span> <span class="pl-s">"files"</span><span class="pl-kos">,</span> <span class="pl-s">"rendered"</span><span class="pl-kos">,</span> <span class="pl-s">"hash"</span><span class="pl-kos">,</span> <span class="pl-s">"contentHash"</span><span class="pl-kos">,</span> <span class="pl-s">"renderedHash"</span><span class="pl-kos">,</span> <span class="pl-s">"chunkReason"</span><span class="pl-kos">,</span> <span class="pl-s">"extraAsync"</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">if</span> <span class="pl-kos">(</span><span class="pl-s1">dupeChunks</span><span class="pl-kos">.</span><span class="pl-c1">length</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">dupeChunks</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">Resulting in this output:</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="[ { id: 'vendors~markdownediting~uploader', ids: [ 'vendors~markdownediting~uploader' ], debugId: 1011, name: 'lazy_store', entryModule: undefined, files: [ 'lazy_store.8122ea9e5a55db822e44.js', 'lazy_store.8122ea9e5a55db822e44.js.map' ], rendered: true, hash: '8122ea9e5a55db822e44da03c4fa5547', contentHash: { javascript: '721f86d9054aaadb11d1' }, renderedHash: '8122ea9e5a55db822e44', chunkReason: undefined, extraAsync: false }, { id: 'vendors~markdownediting~uploader', ids: [ 'vendors~markdownediting~uploader' ], debugId: 1026, name: 'vendors~markdownediting~uploader', entryModule: undefined, files: [ 'vendors~markdownediting~uploader.bd57c5c4595c93582c8b.js', 'vendors~markdownediting~uploader.bd57c5c4595c93582c8b.js.map' ], rendered: true, hash: 'bd57c5c4595c93582c8b9e692da052d0', contentHash: { javascript: 'c9f2f1d06758f3a354b1' }, renderedHash: 'bd57c5c4595c93582c8b', chunkReason: 'split chunk (cache group: vendors) (name: vendors~markdownediting~uploader)', extraAsync: false } ]"><pre class="notranslate"><span class="pl-kos">[</span> <span class="pl-kos">{</span> <span class="pl-c1">id</span>: <span class="pl-s">'vendors~markdownediting~uploader'</span><span class="pl-kos">,</span> <span class="pl-c1">ids</span>: <span class="pl-kos">[</span> <span class="pl-s">'vendors~markdownediting~uploader'</span> <span class="pl-kos">]</span><span class="pl-kos">,</span> <span class="pl-c1">debugId</span>: <span class="pl-c1">1011</span><span class="pl-kos">,</span> <span class="pl-c1">name</span>: <span class="pl-s">'lazy_store'</span><span class="pl-kos">,</span> <span class="pl-c1">entryModule</span>: <span class="pl-c1">undefined</span><span class="pl-kos">,</span> <span class="pl-c1">files</span>: <span class="pl-kos">[</span> <span class="pl-s">'lazy_store.8122ea9e5a55db822e44.js'</span><span class="pl-kos">,</span> <span class="pl-s">'lazy_store.8122ea9e5a55db822e44.js.map'</span> <span class="pl-kos">]</span><span class="pl-kos">,</span> <span class="pl-c1">rendered</span>: <span class="pl-c1">true</span><span class="pl-kos">,</span> <span class="pl-c1">hash</span>: <span class="pl-s">'8122ea9e5a55db822e44da03c4fa5547'</span><span class="pl-kos">,</span> <span class="pl-c1">contentHash</span>: <span class="pl-kos">{</span> <span class="pl-c1">javascript</span>: <span class="pl-s">'721f86d9054aaadb11d1'</span> <span class="pl-kos">}</span><span class="pl-kos">,</span> <span class="pl-c1">renderedHash</span>: <span class="pl-s">'8122ea9e5a55db822e44'</span><span class="pl-kos">,</span> <span class="pl-c1">chunkReason</span>: <span class="pl-c1">undefined</span><span class="pl-kos">,</span> <span class="pl-c1">extraAsync</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-c1">id</span>: <span class="pl-s">'vendors~markdownediting~uploader'</span><span class="pl-kos">,</span> <span class="pl-c1">ids</span>: <span class="pl-kos">[</span> <span class="pl-s">'vendors~markdownediting~uploader'</span> <span class="pl-kos">]</span><span class="pl-kos">,</span> <span class="pl-c1">debugId</span>: <span class="pl-c1">1026</span><span class="pl-kos">,</span> <span class="pl-c1">name</span>: <span class="pl-s">'vendors~markdownediting~uploader'</span><span class="pl-kos">,</span> <span class="pl-c1">entryModule</span>: <span class="pl-c1">undefined</span><span class="pl-kos">,</span> <span class="pl-c1">files</span>: <span class="pl-kos">[</span> <span class="pl-s">'vendors~markdownediting~uploader.bd57c5c4595c93582c8b.js'</span><span class="pl-kos">,</span> <span class="pl-s">'vendors~markdownediting~uploader.bd57c5c4595c93582c8b.js.map'</span> <span class="pl-kos">]</span><span class="pl-kos">,</span> <span class="pl-c1">rendered</span>: <span class="pl-c1">true</span><span class="pl-kos">,</span> <span class="pl-c1">hash</span>: <span class="pl-s">'bd57c5c4595c93582c8b9e692da052d0'</span><span class="pl-kos">,</span> <span class="pl-c1">contentHash</span>: <span class="pl-kos">{</span> <span class="pl-c1">javascript</span>: <span class="pl-s">'c9f2f1d06758f3a354b1'</span> <span class="pl-kos">}</span><span class="pl-kos">,</span> <span class="pl-c1">renderedHash</span>: <span class="pl-s">'bd57c5c4595c93582c8b'</span><span class="pl-kos">,</span> <span class="pl-c1">chunkReason</span>: <span class="pl-s">'split chunk (cache group: vendors) (name: vendors~markdownediting~uploader)'</span><span class="pl-kos">,</span> <span class="pl-c1">extraAsync</span>: <span class="pl-c1">false</span> <span class="pl-kos">}</span> <span class="pl-kos">]</span></pre></div> <p dir="auto">Shouldn't that first chunk have an id of <code class="notranslate">lazy_store</code> ?</p> <p dir="auto">I've only seen the duplicate chunk ids where one of the chunks is my code, the other chunk is vendor/node_modules code (see the <code class="notranslate">cache group: vendors</code> bit).</p> <p dir="auto">I've also only seen this happen when using recordsPath. If I delete my webpack records &amp; re-build, all the chunk ids are unique.</p> <p dir="auto"><strong>If the current behavior is a bug, please provide the steps to reproduce.</strong></p> <p dir="auto">Sorry, I'm really struggling to narrow this down. It seems to come and go at the whim of whatever heuristics drive SplitChunksPlugin. If someone can confirm this is a bug and it's not immediately obvious why it happens, I'll try harder.</p> <p dir="auto"><strong>What is the expected behavior?</strong></p> <p dir="auto">Presumably all compilation chunks should have unique ids?</p> <p dir="auto"><strong>Other relevant information:</strong><br> webpack version: 4.6.0<br> Node.js version: 8.11.1<br> Operating System: Docker with node:8.11-alpine</p> <p dir="auto">I'm using <a href="https://github.com/GProst/webpack-clean-obsolete-chunks">https://github.com/GProst/webpack-clean-obsolete-chunks</a>, which expects chunks to have unique ids, and ends up accidentally deleting files when they don't. If it turns out that chunks are allowed to have duplicate ids, I'll submit a fix to that.</p>
0
<p dir="auto"><a href="https://elasticsearch-ci.elastic.co/job/elastic+elasticsearch+master+java9-periodic/256/consoleText" rel="nofollow">https://elasticsearch-ci.elastic.co/job/elastic+elasticsearch+master+java9-periodic/256/consoleText</a></p> <p dir="auto">This looks like a fairly minimal reproduction:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" public void testAppendStringIntoMap() { assertEquals(&quot;nullcat&quot;, exec(&quot;def a = new HashMap(); a.cat += 'cat'&quot;)); }"><pre class="notranslate"><code class="notranslate"> public void testAppendStringIntoMap() { assertEquals("nullcat", exec("def a = new HashMap(); a.cat += 'cat'")); } </code></pre></div> <p dir="auto">I'm not super familiar with this code. Does someone else want it or should I grab it?</p>
<p dir="auto">Right now Elasticsearch plugins that want ship scripts have to deal with locating the configuration of Elasticsearch so they can run properly. On the other hand in 5.0 Elasticsearch will ship the <code class="notranslate">elasticsearch-plugin</code> command that already does this. If we could allow plugins to register <code class="notranslate">subcommands</code> of <code class="notranslate">elasticsearch-plugin</code> then they wouldn't need to duplicate all that effort.</p> <p dir="auto">We certainly could improve support for plugins shipping their own shell and batch scripts but I'm not really a fan of writing more and more and more batch scripts, most of which just figure out where the Elasticsearch code is and then start java.</p>
0
<p dir="auto">Use the proxy object as part of telnet invocation which has been exccluded as part of [3013] (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="392457287" data-permission-text="Title is private" data-url="https://github.com/apache/dubbo/issues/3013" data-hovercard-type="pull_request" data-hovercard-url="/apache/dubbo/pull/3013/hovercard" href="https://github.com/apache/dubbo/pull/3013">#3013</a></p> <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: 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" 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.4.1</li> <li>Operating System version: Window7</li> <li>Java version: JDK8</li> </ul> <h3 dir="auto">Steps to reproduce this issue</h3> <ol dir="auto"> <li>Use nacos as a registration center</li> <li>The configuration of application.properties is as follows<br> dubbo.registries.one.address=nacos://192.168.99.237:8848<br> dubbo.registries.two.address=nacos://192.168.99.237:8848?namespace=9f0825ac-0a6a-4907-b5ee-34530ce828b1</li> <li>Register the service under the different namespaces of nacos</li> </ol> <p dir="auto">Pls. provide [GitHub address] to reproduce this issue.</p> <h3 dir="auto">Expected Result</h3> <p dir="auto">Services exist in different namespaces</p> <h3 dir="auto">Actual Result</h3> <p dir="auto">The service only exists in the first registered namespace</p> <p dir="auto">Is it because ip is the same as the port, but the namespace is different, is it considered to be caused by repeated registration?</p>
0
<p dir="auto">The following snippet is valid, as far as I know:</p> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="export interface User { wpUserID: string; }"><pre class="notranslate"><span class="pl-k">export</span> <span class="pl-k">interface</span> <span class="pl-smi">User</span> <span class="pl-kos">{</span> <span class="pl-c1">wpUserID</span>: <span class="pl-smi">string</span><span class="pl-kos">;</span> <span class="pl-kos">}</span></pre></div> <p dir="auto">The following snippet is also valid, but does not compile, but probably should:</p> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="export default interface User { wpUserID: string; }"><pre class="notranslate"><span class="pl-k">export</span> <span class="pl-k">default</span> <span class="pl-k">interface</span> <span class="pl-smi">User</span> <span class="pl-kos">{</span> <span class="pl-c1">wpUserID</span>: <span class="pl-smi">string</span><span class="pl-kos">;</span> <span class="pl-kos">}</span></pre></div> <p dir="auto">I get errors thrown at me when using TypeScript 1.5-beta:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Error: /Models/User.ts(1,26): Error TS1005: ';' expected. Error: /Models/User.ts(1,31): Error TS1005: ';' expected."><pre class="notranslate"><code class="notranslate">Error: /Models/User.ts(1,26): Error TS1005: ';' expected. Error: /Models/User.ts(1,31): Error TS1005: ';' expected. </code></pre></div>
<p dir="auto">Raised on SO. The following is an error:</p> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="export default interface Foo { }"><pre class="notranslate"><span class="pl-k">export</span> <span class="pl-k">default</span> <span class="pl-k">interface</span> <span class="pl-smi">Foo</span> <span class="pl-kos">{</span> <span class="pl-kos">}</span></pre></div> <p dir="auto">By design or bug?</p>
1
<ul dir="auto"> <li>VSCode Version: 0.10.12-alpha</li> <li>OS Version: Ubuntu 14.04</li> <li>Debugging using Microsoft cpp debugger, but will happen in any "stop-all" style debugger.</li> </ul> <p dir="auto">Steps to Reproduce:</p> <ol dir="auto"> <li>Compile following C++ code</li> </ol> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="#include &lt;iostream&gt; #include &lt;cstdlib&gt; #include &lt;pthread.h&gt; using namespace std; #define NUM_THREADS 5 void *PrintHello(void *threadid) long tid; tid = (long)threadid; //set a breakpoint here cout &lt;&lt; &quot;Hello World! Thread ID, &quot; &lt;&lt; tid &lt;&lt; endl; pthread_exit(NULL); } int main() { pthread_t threads[NUM_THREADS]; int rc; int i; for (i = 0; i &lt; NUM_THREADS; i++) { //set a breakpoint here cout &lt;&lt; &quot;main() : creating thread, &quot; &lt;&lt; i &lt;&lt; endl; rc = pthread_create(&amp;threads[i], NULL, PrintHello, (void *)i); if (rc) { cout &lt;&lt; &quot;Error:unable to create thread,&quot; &lt;&lt; rc &lt;&lt; endl; exit(-1); } } pthread_exit(NULL); }"><pre class="notranslate"><code class="notranslate">#include &lt;iostream&gt; #include &lt;cstdlib&gt; #include &lt;pthread.h&gt; using namespace std; #define NUM_THREADS 5 void *PrintHello(void *threadid) long tid; tid = (long)threadid; //set a breakpoint here cout &lt;&lt; "Hello World! Thread ID, " &lt;&lt; tid &lt;&lt; endl; pthread_exit(NULL); } int main() { pthread_t threads[NUM_THREADS]; int rc; int i; for (i = 0; i &lt; NUM_THREADS; i++) { //set a breakpoint here cout &lt;&lt; "main() : creating thread, " &lt;&lt; i &lt;&lt; endl; rc = pthread_create(&amp;threads[i], NULL, PrintHello, (void *)i); if (rc) { cout &lt;&lt; "Error:unable to create thread," &lt;&lt; rc &lt;&lt; endl; exit(-1); } } pthread_exit(NULL); } </code></pre></div> <ol dir="auto"> <li>Set two breakpoints in the lines with comments "//set a breakpoint here"</li> <li>press F5 3~5 times</li> <li>Notice, that if a breakpoint or step causes the threads to switch, the UI does not indicate which thread is currently stepping. Multiple callstacks may be displayed, which can be confusing.</li> </ol>
<ul dir="auto"> <li>VSCode Version:0.10.10</li> <li>OS Version:windows 10</li> </ul> <p dir="auto">Steps to Reproduce:</p> <ol dir="auto"> <li>type<br> <code class="notranslate">var a = ENV === 'dev' ? "a" : "b";</code></li> <li>" : " is consider as variable type</li> </ol> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/2296934/14123335/a494c0b0-f61d-11e5-9974-2dc11a4de218.png"><img src="https://cloud.githubusercontent.com/assets/2296934/14123335/a494c0b0-f61d-11e5-9974-2dc11a4de218.png" alt="err" style="max-width: 100%;"></a></p>
0
<p dir="auto">Challenge <a href="http://www.freecodecamp.com/challenges/waypoint-import-a-google-font?solution=%3Cstyle%3E%0A%20%20.red-text%20%7B%0A%20%20%20%20color%3A%20red%3B%0A%20%20%7D%0A%0A%20%20p%20%7B%0A%20%20%20%20font-size%3A%2016px%3B%0A%20%20%20%20font-family%3A%20Monospace%3B%0A%20%20%7D%0A%3C%2Fstyle%3E%0A%0A%3Ch2%20class%3D%22red-text%22%3ECatPhotoApp%3C%2Fh2%3E%0A%0A%3Cp%20class%3D%22red-text%22%3EKitty%20ipsum%20dolor%20sit%20amet%2C%20shed%20everywhere%20shed%20everywhere%20stretching%20attack%20your%20ankles%20chase%20the%20red%20dot%2C%20hairball%20run%20catnip%20eat%20the%20grass%20sniff.%3C%2Fp%3E%0A%3Cp%20class%3D%22red-text%22%3EPurr%20jump%20eat%20the%20grass%20rip%20the%20couch%20scratched%20sunbathe%2C%20shed%20everywhere%20rip%20the%20couch%20sleep%20in%20the%20sink%20fluffy%20fur%20catnip%20scratched.%3C%2Fp%3E%0A" rel="nofollow">Waypoint: Import a Google Font</a> has an issue.<br> User Agent is: <code class="notranslate">Mozilla/5.0 (X11; Ubuntu; Linux x86_64; rv:42.0) Gecko/20100101 Firefox/42.0</code>.<br> Please describe how to reproduce this issue, and include links to screenshots if possible.</p> <p dir="auto">When each Waypoint loads, the current code appears to be running twice. When I edit the code, it refreshes and displays properly. This has happened on every Waypoint for me so far (I just started from the very beginning today).</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/15256929/11106924/dbef7832-888d-11e5-9ee6-d664fe6967b8.png"><img src="https://cloud.githubusercontent.com/assets/15256929/11106924/dbef7832-888d-11e5-9ee6-d664fe6967b8.png" alt="waypoint import a google font free code camp - mozilla firefox_001" style="max-width: 100%;"></a></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="&lt;style&gt; .red-text { color: red; } p { font-size: 16px; font-family: Monospace; } &lt;/style&gt; &lt;h2 class=&quot;red-text&quot;&gt;CatPhotoApp&lt;/h2&gt; &lt;p class=&quot;red-text&quot;&gt;Kitty ipsum dolor sit amet, shed everywhere shed everywhere stretching attack your ankles chase the red dot, hairball run catnip eat the grass sniff.&lt;/p&gt; &lt;p class=&quot;red-text&quot;&gt;Purr jump eat the grass rip the couch scratched sunbathe, shed everywhere rip the couch sleep in the sink fluffy fur catnip scratched.&lt;/p&gt; "><pre class="notranslate"><span class="pl-kos">&lt;</span><span class="pl-ent">style</span><span class="pl-kos">&gt;</span> .<span class="pl-c1">red-text</span> { <span class="pl-c1">color</span><span class="pl-kos">:</span> red; } <span class="pl-ent">p</span> { <span class="pl-c1">font-size</span><span class="pl-kos">:</span> <span class="pl-c1">16<span class="pl-smi">px</span></span>; <span class="pl-c1">font-family</span><span class="pl-kos">:</span> Monospace; } <span class="pl-kos">&lt;/</span><span class="pl-ent">style</span><span class="pl-kos">&gt;</span> <span class="pl-kos">&lt;</span><span class="pl-ent">h2</span> <span class="pl-c1">class</span>="<span class="pl-s">red-text</span>"<span class="pl-kos">&gt;</span>CatPhotoApp<span class="pl-kos">&lt;/</span><span class="pl-ent">h2</span><span class="pl-kos">&gt;</span> <span class="pl-kos">&lt;</span><span class="pl-ent">p</span> <span class="pl-c1">class</span>="<span class="pl-s">red-text</span>"<span class="pl-kos">&gt;</span>Kitty ipsum dolor sit amet, shed everywhere shed everywhere stretching attack your ankles chase the red dot, hairball run catnip eat the grass sniff.<span class="pl-kos">&lt;/</span><span class="pl-ent">p</span><span class="pl-kos">&gt;</span> <span class="pl-kos">&lt;</span><span class="pl-ent">p</span> <span class="pl-c1">class</span>="<span class="pl-s">red-text</span>"<span class="pl-kos">&gt;</span>Purr jump eat the grass rip the couch scratched sunbathe, shed everywhere rip the couch sleep in the sink fluffy fur catnip scratched.<span class="pl-kos">&lt;/</span><span class="pl-ent">p</span><span class="pl-kos">&gt;</span></pre></div>
<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">With current 0.5 master:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="julia&gt; map(Float32, [3,4,5]) 3-element Array{Float32,1}: 3.0 4.0 5.0 julia&gt; broadcast(Float32, [3,4,5]) 3-element Array{Int64,1}: 3 4 5"><pre class="notranslate"><code class="notranslate">julia&gt; map(Float32, [3,4,5]) 3-element Array{Float32,1}: 3.0 4.0 5.0 julia&gt; broadcast(Float32, [3,4,5]) 3-element Array{Int64,1}: 3 4 5 </code></pre></div> <p dir="auto">We presumably want to return a <code class="notranslate">Float32</code> array in both cases?</p> <p dir="auto">cc: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/ViralBShah/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/ViralBShah">@ViralBShah</a>: this affects the case you asked about in <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="43641309" data-permission-text="Title is private" data-url="https://github.com/JuliaLang/julia/issues/8450" data-hovercard-type="issue" data-hovercard-url="/JuliaLang/julia/issues/8450/hovercard" href="https://github.com/JuliaLang/julia/issues/8450">#8450</a>, since my <code class="notranslate">f.(x...)</code> implementation in <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="133107578" data-permission-text="Title is private" data-url="https://github.com/JuliaLang/julia/issues/15032" data-hovercard-type="pull_request" data-hovercard-url="/JuliaLang/julia/pull/15032/hovercard" href="https://github.com/JuliaLang/julia/pull/15032">#15032</a> is equivalent to <code class="notranslate">broadcast</code>.</p>
<p dir="auto">The following code fails with an <code class="notranslate">InexactError()</code>:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="X = [1,2,3] Y = [4 5] broadcast(atan2, X, Y)"><pre class="notranslate"><code class="notranslate">X = [1,2,3] Y = [4 5] broadcast(atan2, X, Y) </code></pre></div> <p dir="auto">whereas</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[atan2(x,y) for x in X, y in Y ]"><pre class="notranslate"><code class="notranslate">[atan2(x,y) for x in X, y in Y ] </code></pre></div> <p dir="auto">(albeit producing an array of type <code class="notranslate">Any</code>), while</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="atan2([1,2,3],[4,5,6])"><pre class="notranslate"><code class="notranslate">atan2([1,2,3],[4,5,6]) </code></pre></div> <p dir="auto">produces an array of <code class="notranslate">Float64</code>.</p> <p dir="auto">Can we improve the type inference so that all three cases can generate <code class="notranslate">Float64</code> arrays? Note that this is needed for <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="20043830" data-permission-text="Title is private" data-url="https://github.com/JuliaLang/julia/issues/4363" data-hovercard-type="issue" data-hovercard-url="/JuliaLang/julia/issues/4363/hovercard" href="https://github.com/JuliaLang/julia/issues/4363">#4363</a> (for <code class="notranslate">@vectorize_2arg</code> to use <code class="notranslate">broadcast</code>).</p>
1
<p dir="auto">I have a kind request for all the contributors to the latest provider packages release.<br> Could you help us to test the RC versions of the providers and let us know in the comment,<br> if the issue is addressed there.</p> <h2 dir="auto">Provider <a href="https://pypi.org/project/apache-airflow-providers-amazon/2.4.0rc2" rel="nofollow">amazon: 2.4.0rc2</a></h2> <ul class="contains-task-list"> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> <a href="https://github.com/apache/airflow/pull/18755" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/18755/hovercard">MySQLToS3Operator add support for parquet format (#18755)</a>: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/guotongfei/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/guotongfei">@guotongfei</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> <a href="https://github.com/apache/airflow/pull/18447" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/18447/hovercard">Add RedshiftSQLHook, RedshiftSQLOperator (#18447)</a>: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/Brooke-white/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/Brooke-white">@Brooke-white</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> <a href="https://github.com/apache/airflow/pull/18844" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/18844/hovercard">Remove extra postgres dependency from AWS Provider (#18844)</a>: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/mariotaddeucci/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/mariotaddeucci">@mariotaddeucci</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> <a href="https://github.com/apache/airflow/pull/18671" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/18671/hovercard">Remove duplicated code on S3ToRedshiftOperator (#18671)</a>: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/mariotaddeucci/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/mariotaddeucci">@mariotaddeucci</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> <a href="https://github.com/apache/airflow/pull/18042" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/18042/hovercard">Fixing ses email backend (#18042)</a>: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/ignaski/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/ignaski">@ignaski</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> <a href="https://github.com/apache/airflow/pull/19099" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/19099/hovercard">Fixup string concatenations (#19099)</a>: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/blag/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/blag">@blag</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> <a href="https://github.com/apache/airflow/pull/18807" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/18807/hovercard">Update S3PrefixSensor to support checking multiple prefixes within a bucket (#18807)</a>: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/anaynayak/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/anaynayak">@anaynayak</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> <a href="https://github.com/apache/airflow/pull/19048" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/19048/hovercard">Move validation of templated input params to run after the context init (#19048)</a>: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/eskarimov/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/eskarimov">@eskarimov</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> <a href="https://github.com/apache/airflow/pull/19195" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/19195/hovercard"> fix SagemakerProcessingOperator ThrottlingException (#19195)</a>: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/ChanglinZhou/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/ChanglinZhou">@ChanglinZhou</a></li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> <a href="https://github.com/apache/airflow/pull/19358" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/19358/hovercard">Fix S3ToRedshiftOperator (#19358)</a>: <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/mariotaddeucci/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/mariotaddeucci">@mariotaddeucci</a></li> </ul> <p dir="auto">Thanks to everyone involved in the PRs:<br> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/eskarimov/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/eskarimov">@eskarimov</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/blag/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/blag">@blag</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/anaynayak/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/anaynayak">@anaynayak</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/Brooke-white/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/Brooke-white">@Brooke-white</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/mariotaddeucci/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/mariotaddeucci">@mariotaddeucci</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/ignaski/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/ignaski">@ignaski</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/ChanglinZhou/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/ChanglinZhou">@ChanglinZhou</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/guotongfei/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/guotongfei">@guotongfei</a></p> <h3 dir="auto">Committer</h3> <ul class="contains-task-list"> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I acknowledge that I am a maintainer/committer of the Apache Airflow project.</li> </ul>
<p dir="auto"><strong>Description</strong></p> <p dir="auto">Currently, in our bash scripts (mostly in CI and Breeze) we use an old and outdated naming convention where every environment variable is CAPITALIZED. This comes from my personal background as I am the author of most of it, but there are better (and modern) conventions that we should use. Particularly <a href="https://google.github.io/styleguide/shellguide.html" rel="nofollow">https://google.github.io/styleguide/shellguide.html</a> is one that is interesting but it has a number of google-internal-specific decisions that might not apply to our case.</p> <p dir="auto">The other shell style gule that seems tobe much more reasonable/open-sorce friendly and widely quoted is the "icy" one <a href="https://github.com/icy/bash-coding-style">https://github.com/icy/bash-coding-style</a>.</p> <p dir="auto">I think it's good to apply the naming convention of Google - where we should use:</p> <ul dir="auto"> <li>CAPITALIZATION to indicate constant and exported variables</li> <li>readonly for read-only values (especially those that are read from configuration and remain consistent across the rest of the script</li> <li>local variables</li> </ul> <p dir="auto"><strong>Use case / motivation</strong></p> <p dir="auto">Make the bash scripts more readable and robust, avoid duplication of code and allows easier future maintenance</p> <p dir="auto"><strong>Bash scripts to review</strong></p> <ul class="contains-task-list"> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./breeze</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./breeze-complete</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./docs/start_doc_server.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./chart/dockerfiles/pgbouncer/build_and_push.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./chart/dockerfiles/statsd-exporter/build_and_push.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./dev/sign.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./airflow/www/compile_assets.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/_in_container_script_init.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_mypy.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_docs_build.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/refresh_pylint_todo.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/_in_container_utils.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_prepare_backport_packages.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_generate_constraints.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_clear_tmp.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_ci_tests.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_test_package_installation_separately.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_extract_tests.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_prepare_backport_readme.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_flake8.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_cli_tool.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_system_tests.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/entrypoint_exec.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_pylint.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_test_package_import_all_classes.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/run_fix_ownership.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/entrypoint_ci.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/configure_environment.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/check_environment.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/prod/airflow_scheduler_autorestart.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/prod/entrypoint_prod.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/in_container/prod/clean-logs.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/docs/ci_docs.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/testing/ci_run_airflow_testing.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/kubernetes/ci_deploy_app_to_kubernetes.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/kubernetes/ci_run_kubernetes_tests.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/kubernetes/ci_run_helm_testing.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_pylint.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_permissions.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_spinner.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_kind.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_md5sum.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_sanity_checks.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_verbosity.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_parameters.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_initialization.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_script_init.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_push_pull_remove_images.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_start_end.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_build_images.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_runs.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_local_mounts.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/libraries/_all_libs.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/constraints/ci_commit_constraints.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/constraints/ci_generate_constraints.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/constraints/ci_branch_constraints.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/static_checks/refresh_pylint_todo.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/static_checks/mypy.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/static_checks/bat_tests.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/static_checks/pylint.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/static_checks/run_static_checks.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/static_checks/lint_dockerfile.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/static_checks/flake8.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/static_checks/check_license.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/openapi/client_codegen_diff.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_mypy.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_local_yml_mounts.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_lint_dockerfile.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_ci_build.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_setup_cfg_file.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_flake8.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_build_providers_dependencies.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_check_license.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_pylint.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_check_integrations.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_mermaid.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_bat_tests.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/pre_commit/pre_commit_breeze_cmd_line.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/tools/ci_count_changed_files.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/tools/ci_clear_tmp.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/tools/ci_free_space_on_ci.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/tools/ci_fix_ownership.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/tools/ci_check_if_tests_should_be_run.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/backport_packages/ci_test_backport_packages_import_all_classes.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/backport_packages/ci_prepare_backport_packages.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/backport_packages/ci_prepare_backport_readme.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/backport_packages/ci_test_backport_packages_install_separately.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/backport_packages/ci_prepare_and_test_backport_packages.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/images/ci_prepare_ci_image_on_ci.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/images/ci_build_dockerhub.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/images/ci_prepare_prod_image_on_ci.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/images/ci_wait_for_all_prod_images.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/images/ci_push_production_images.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/images/ci_wait_for_all_ci_images.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./scripts/ci/images/ci_push_ci_images.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./backport_packages/build_source_package.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./images/breeze/add_overlay.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./clients/gen/common.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./clients/gen/go.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./tests/bats/mocks/docker.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./tests/bats/mocks/kubectl.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./tests/bats/mocks/kind.sh</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> ./tests/bats/mocks/helm.sh</li> </ul>
0
<p dir="auto">This 3-liner crashes rustc:</p> <div class="highlight highlight-source-rust notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="struct CrashIt; impl Iterator for CrashIt { } fn main() { }"><pre class="notranslate"><span class="pl-k">struct</span> <span class="pl-smi">CrashIt</span><span class="pl-kos">;</span> <span class="pl-k">impl</span> <span class="pl-smi">Iterator</span> <span class="pl-k">for</span> <span class="pl-smi">CrashIt</span> <span class="pl-kos">{</span> <span class="pl-kos">}</span> <span class="pl-k">fn</span> <span class="pl-en">main</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">My original code did a lot more than that, but I tried to create the minimal repro case.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="$ rustc --version --verbose 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-nightly $ RUST_BACKTRACE=1 rustc src/main.rs src/main.rs:2:1: 2:30 error: internal compiler error: impl `VtableImpl(impl_def_id=DefId { krate: 0, node: 7 }:CrashIt.Iterator, substs=Substs[types=[[];[];[]], regions=[[];[];[]]], nested=[[];[];[]])` did not contain projection for `Obligation(predicate=&lt;CrashIt as TraitRef(CrashIt, core::iter::Iterator)&gt;::Item,depth=0)` src/main.rs:2 impl Iterator for CrashIt { } ^~~~~~~~~~~~~~~~~~~~~~~~~~~~~ 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 'Box&lt;Any&gt;', /home/rustbuild/src/rust-buildbot/slave/nightly-dist-rustc-linux/build/src/libsyntax/diagnostic.rs:123 stack backtrace: 1: 0x7fbff73562d0 - sys::backtrace::write::h8532e701ef86014f4it 2: 0x7fbff737bb00 - failure::on_fail::h7532e1f79d134d5dzvz 3: 0x7fbff72e11c0 - rt::unwind::begin_unwind_inner::h97b151606151d62deaz 4: 0x7fbff218ec60 - rt::unwind::begin_unwind::h15809447133099964284 5: 0x7fbff218ebf0 - diagnostic::SpanHandler::span_bug::he8142ababcc30c39DFF 6: 0x7fbff568de70 - middle::traits::project::project_type::h947eece142ef049d52P 7: 0x7fbff568afd0 - middle::traits::project::opt_normalize_projection_type::hb3defb9cc9365d1e8UP 8: 0x7fbff5678ba0 - middle::traits::project::normalize_projection_type::hdc293893275ee559JTP 9: 0x7fbff568c470 - middle::traits::project::AssociatedTypeNormalizer&lt;'a, 'b, 'tcx&gt;.TypeFolder&lt;'tcx&gt;::fold_ty::h801cbd2cdff2eff1kSP 10: 0x7fbff69492e0 - middle::ty_fold::Rc&lt;T&gt;.TypeFoldable&lt;'tcx&gt;::fold_with::h6325524173844043840 11: 0x7fbff6949e90 - middle::ty_fold::VecPerParamSpace&lt;T&gt;.TypeFoldable&lt;'tcx&gt;::fold_with::h13884369302522804796 12: 0x7fbff6965280 - check::FnCtxt&lt;'a, 'tcx&gt;::instantiate_bounds::hed550a9659b70335Oll 13: 0x7fbff697dfc0 - check::wf::CheckTypeWellFormedVisitor&lt;'ccx, 'tcx&gt;::check_impl::closure.29997 14: 0x7fbff697a430 - check::wf::CheckTypeWellFormedVisitor&lt;'ccx, 'tcx&gt;::with_fcx::hb1283961ed8977b7Gfi 15: 0x7fbff6980d70 - check::wf::CheckTypeWellFormedVisitor&lt;'ccx, 'tcx&gt;.Visitor&lt;'v&gt;::visit_item::h001ababd87597e37soi 16: 0x7fbff6b6dfe0 - check_crate::unboxed_closure.40162 17: 0x7fbff6b68c30 - check_crate::h19fb6dea5733566ajsx 18: 0x7fbff78a7640 - driver::phase_3_run_analysis_passes::h46b1604d9f9f5633Tva 19: 0x7fbff7895ae0 - driver::compile_input::h68b8602933aad8d7wba 20: 0x7fbff7960eb0 - thunk::F.Invoke&lt;A, R&gt;::invoke::h18029802347644288836 21: 0x7fbff795fc60 - rt::unwind::try::try_fn::h6518866316425934196 22: 0x7fbff73e2400 - rust_try_inner 23: 0x7fbff73e23f0 - rust_try 24: 0x7fbff795ffb0 - thunk::F.Invoke&lt;A, R&gt;::invoke::h15513809553472565307 25: 0x7fbff7367e40 - sys::thread::thread_start::h5ea7ba97235331d5a9v 26: 0x7fbff19b2c20 - start_thread 27: 0x7fbff6f83899 - clone 28: 0x0 - &lt;unknown&gt;"><pre class="notranslate"><code class="notranslate">$ rustc --version --verbose 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-nightly $ RUST_BACKTRACE=1 rustc src/main.rs src/main.rs:2:1: 2:30 error: internal compiler error: impl `VtableImpl(impl_def_id=DefId { krate: 0, node: 7 }:CrashIt.Iterator, substs=Substs[types=[[];[];[]], regions=[[];[];[]]], nested=[[];[];[]])` did not contain projection for `Obligation(predicate=&lt;CrashIt as TraitRef(CrashIt, core::iter::Iterator)&gt;::Item,depth=0)` src/main.rs:2 impl Iterator for CrashIt { } ^~~~~~~~~~~~~~~~~~~~~~~~~~~~~ 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 'Box&lt;Any&gt;', /home/rustbuild/src/rust-buildbot/slave/nightly-dist-rustc-linux/build/src/libsyntax/diagnostic.rs:123 stack backtrace: 1: 0x7fbff73562d0 - sys::backtrace::write::h8532e701ef86014f4it 2: 0x7fbff737bb00 - failure::on_fail::h7532e1f79d134d5dzvz 3: 0x7fbff72e11c0 - rt::unwind::begin_unwind_inner::h97b151606151d62deaz 4: 0x7fbff218ec60 - rt::unwind::begin_unwind::h15809447133099964284 5: 0x7fbff218ebf0 - diagnostic::SpanHandler::span_bug::he8142ababcc30c39DFF 6: 0x7fbff568de70 - middle::traits::project::project_type::h947eece142ef049d52P 7: 0x7fbff568afd0 - middle::traits::project::opt_normalize_projection_type::hb3defb9cc9365d1e8UP 8: 0x7fbff5678ba0 - middle::traits::project::normalize_projection_type::hdc293893275ee559JTP 9: 0x7fbff568c470 - middle::traits::project::AssociatedTypeNormalizer&lt;'a, 'b, 'tcx&gt;.TypeFolder&lt;'tcx&gt;::fold_ty::h801cbd2cdff2eff1kSP 10: 0x7fbff69492e0 - middle::ty_fold::Rc&lt;T&gt;.TypeFoldable&lt;'tcx&gt;::fold_with::h6325524173844043840 11: 0x7fbff6949e90 - middle::ty_fold::VecPerParamSpace&lt;T&gt;.TypeFoldable&lt;'tcx&gt;::fold_with::h13884369302522804796 12: 0x7fbff6965280 - check::FnCtxt&lt;'a, 'tcx&gt;::instantiate_bounds::hed550a9659b70335Oll 13: 0x7fbff697dfc0 - check::wf::CheckTypeWellFormedVisitor&lt;'ccx, 'tcx&gt;::check_impl::closure.29997 14: 0x7fbff697a430 - check::wf::CheckTypeWellFormedVisitor&lt;'ccx, 'tcx&gt;::with_fcx::hb1283961ed8977b7Gfi 15: 0x7fbff6980d70 - check::wf::CheckTypeWellFormedVisitor&lt;'ccx, 'tcx&gt;.Visitor&lt;'v&gt;::visit_item::h001ababd87597e37soi 16: 0x7fbff6b6dfe0 - check_crate::unboxed_closure.40162 17: 0x7fbff6b68c30 - check_crate::h19fb6dea5733566ajsx 18: 0x7fbff78a7640 - driver::phase_3_run_analysis_passes::h46b1604d9f9f5633Tva 19: 0x7fbff7895ae0 - driver::compile_input::h68b8602933aad8d7wba 20: 0x7fbff7960eb0 - thunk::F.Invoke&lt;A, R&gt;::invoke::h18029802347644288836 21: 0x7fbff795fc60 - rt::unwind::try::try_fn::h6518866316425934196 22: 0x7fbff73e2400 - rust_try_inner 23: 0x7fbff73e23f0 - rust_try 24: 0x7fbff795ffb0 - thunk::F.Invoke&lt;A, R&gt;::invoke::h15513809553472565307 25: 0x7fbff7367e40 - sys::thread::thread_start::h5ea7ba97235331d5a9v 26: 0x7fbff19b2c20 - start_thread 27: 0x7fbff6f83899 - clone 28: 0x0 - &lt;unknown&gt; </code></pre></div>
<h3 dir="auto">STR</h3> <p dir="auto">Didn't have time to write a shorter snippet</p> <div class="highlight highlight-source-rust notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="#![crate_type = &quot;lib&quot;] #![feature(associated_types, lang_items, unboxed_closures)] #![no_std] use Option::{None, Some}; trait Iterator { type Item; fn next(&amp;mut self) -&gt; Option&lt;Self::Item&gt;; } trait DoubleEndedIterator: Iterator { fn next_back(&amp;mut self) -&gt; Option&lt; &lt;Self as Iterator&gt;::Item&gt;; } struct Rev&lt;I&gt;(I); impl&lt;I&gt; Iterator for Rev&lt;I&gt; where I: DoubleEndedIterator { // forgot this! //type Item = &lt;I as Iterator&gt;::Item; fn next(&amp;mut self) -&gt; Option&lt; &lt;I as Iterator&gt;::Item&gt; { self.0.next_back() } } #[lang = &quot;copy&quot;] trait Copy {} #[lang = &quot;sized&quot;] trait Sized {} enum Option&lt;T&gt; { None, Some(T), } #[lang = &quot;fn_mut&quot;] trait FnMut&lt;Args, Result&gt; { extern &quot;rust-call&quot; fn call_mut(&amp;mut self, Args) -&gt; Result; }"><pre class="notranslate"><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-c1">#!<span class="pl-kos">[</span>feature<span class="pl-kos">(</span>associated_types<span class="pl-kos">,</span> lang_items<span class="pl-kos">,</span> unboxed_closures<span class="pl-kos">)</span><span class="pl-kos">]</span></span> <span class="pl-c1">#!<span class="pl-kos">[</span>no_std<span class="pl-kos">]</span></span> <span class="pl-k">use</span> <span class="pl-v">Option</span><span class="pl-kos">::</span><span class="pl-kos">{</span><span class="pl-v">None</span><span class="pl-kos">,</span> <span class="pl-v">Some</span><span class="pl-kos">}</span><span class="pl-kos">;</span> <span class="pl-k">trait</span> <span class="pl-smi">Iterator</span> <span class="pl-kos">{</span> <span class="pl-k">type</span> <span class="pl-smi">Item</span><span class="pl-kos">;</span> <span class="pl-k">fn</span> <span class="pl-en">next</span><span class="pl-kos">(</span><span class="pl-c1">&amp;</span><span class="pl-k">mut</span> <span class="pl-smi">self</span><span class="pl-kos">)</span> -&gt; <span class="pl-smi">Option</span><span class="pl-kos">&lt;</span><span class="pl-smi">Self</span><span class="pl-kos">::</span><span class="pl-smi">Item</span><span class="pl-kos">&gt;</span><span class="pl-kos">;</span> <span class="pl-kos">}</span> <span class="pl-k">trait</span> <span class="pl-smi">DoubleEndedIterator</span><span class="pl-kos">:</span> <span class="pl-smi">Iterator</span> <span class="pl-kos">{</span> <span class="pl-k">fn</span> <span class="pl-en">next_back</span><span class="pl-kos">(</span><span class="pl-c1">&amp;</span><span class="pl-k">mut</span> <span class="pl-smi">self</span><span class="pl-kos">)</span> -&gt; <span class="pl-smi">Option</span><span class="pl-kos">&lt;</span> &lt;<span class="pl-smi">Self</span> <span class="pl-k">as</span> <span class="pl-smi">Iterator</span>&gt;<span class="pl-kos">::</span><span class="pl-smi">Item</span><span class="pl-kos">&gt;</span><span class="pl-kos">;</span> <span class="pl-kos">}</span> <span class="pl-k">struct</span> <span class="pl-smi">Rev</span><span class="pl-kos">&lt;</span><span class="pl-smi">I</span><span class="pl-kos">&gt;</span><span class="pl-kos">(</span><span class="pl-smi">I</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-k">impl</span><span class="pl-kos">&lt;</span><span class="pl-smi">I</span><span class="pl-kos">&gt;</span> <span class="pl-smi">Iterator</span> <span class="pl-k">for</span> <span class="pl-smi">Rev</span><span class="pl-kos">&lt;</span><span class="pl-smi">I</span><span class="pl-kos">&gt;</span> <span class="pl-k">where</span> <span class="pl-smi">I</span><span class="pl-kos">:</span> <span class="pl-smi">DoubleEndedIterator</span> <span class="pl-kos">{</span> <span class="pl-c">// forgot this!</span> <span class="pl-c">//type Item = &lt;I as Iterator&gt;::Item;</span> <span class="pl-k">fn</span> <span class="pl-en">next</span><span class="pl-kos">(</span><span class="pl-c1">&amp;</span><span class="pl-k">mut</span> <span class="pl-smi">self</span><span class="pl-kos">)</span> -&gt; <span class="pl-smi">Option</span><span class="pl-kos">&lt;</span> &lt;<span class="pl-smi">I</span> <span class="pl-k">as</span> <span class="pl-smi">Iterator</span>&gt;<span class="pl-kos">::</span><span class="pl-smi">Item</span><span class="pl-kos">&gt;</span> <span class="pl-kos">{</span> <span class="pl-smi">self</span><span class="pl-kos">.</span><span class="pl-c1">0</span><span class="pl-kos">.</span><span class="pl-en">next_back</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">}</span> <span class="pl-kos">}</span> <span class="pl-c1">#<span class="pl-kos">[</span>lang = <span class="pl-s">"copy"</span><span class="pl-kos">]</span></span> <span class="pl-k">trait</span> <span class="pl-smi">Copy</span> <span class="pl-kos">{</span><span class="pl-kos">}</span> <span class="pl-c1">#<span class="pl-kos">[</span>lang = <span class="pl-s">"sized"</span><span class="pl-kos">]</span></span> <span class="pl-k">trait</span> <span class="pl-smi">Sized</span> <span class="pl-kos">{</span><span class="pl-kos">}</span> <span class="pl-k">enum</span> <span class="pl-smi">Option</span><span class="pl-kos">&lt;</span><span class="pl-smi">T</span><span class="pl-kos">&gt;</span> <span class="pl-kos">{</span> <span class="pl-v">None</span><span class="pl-kos">,</span> <span class="pl-v">Some</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-c1">#<span class="pl-kos">[</span>lang = <span class="pl-s">"fn_mut"</span><span class="pl-kos">]</span></span> <span class="pl-k">trait</span> <span class="pl-smi">FnMut</span><span class="pl-kos">&lt;</span><span class="pl-smi">Args</span><span class="pl-kos">,</span> <span class="pl-smi">Result</span><span class="pl-kos">&gt;</span> <span class="pl-kos">{</span> <span class="pl-k">extern</span> <span class="pl-s">"rust-call"</span> <span class="pl-k">fn</span> <span class="pl-en">call_mut</span><span class="pl-kos">(</span><span class="pl-c1">&amp;</span><span class="pl-k">mut</span> <span class="pl-smi">self</span><span class="pl-kos">,</span> <span class="pl-smi">Args</span><span class="pl-kos">)</span> -&gt; <span class="pl-smi">Result</span><span class="pl-kos">;</span> <span class="pl-kos">}</span></pre></div> <h3 dir="auto">Output</h3> <div class="highlight highlight-source-rust notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="iter.rs:23:5: 25:6 error: internal compiler error: impl `VtableImpl(impl_def_id=DefId { krate: 0, node: 38 }:Rev&lt;I&gt;.Iterator, substs=Substs[types=[[_];[];[]], regions=[[];[];[]]], nested=[[Obligation(predicate=Binder(TraitPredicate(TraitRef(I, Sized))),depth=1), Obligation(predicate=Binder(TraitPredicate(TraitRef(I, DoubleEndedIterator))),depth=1)];[];[]])` did not contain projection for `Obligation(predicate=&lt;Rev&lt;I&gt; as TraitRef(Rev&lt;I&gt;, Iterator)&gt;::Item,depth=0)` iter.rs:23 fn next(&amp;mut self) -&gt; Option&lt; &lt;I as Iterator&gt;::Item&gt; { iter.rs:24 self.0.next_back() iter.rs:25 } 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 'Box&lt;Any&gt;', /root/rust/src/libsyntax/diagnostic.rs:123 stack backtrace: 1: 0x7fddb1e70120 - sys::backtrace::write::h3fe61c98bf398fe8P8s 2: 0x7fddb1e8fef0 - failure::on_fail::h55da319a91ee267cEpz 3: 0x7fddb1e05b40 - rt::unwind::begin_unwind_inner::h2a51826b093fcd9eJ3y 4: 0x7fddad24b3d0 - rt::unwind::begin_unwind::h3298842058425057001 5: 0x7fddad24b360 - diagnostic::SpanHandler::span_bug::heeaf2edd6daa003fNQF 6: 0x7fddb022acb0 - middle::traits::project::project_type::hcf50d7eec736df9c35P 7: 0x7fddb0222800 - middle::traits::fulfill::process_predicate::h3703aabc133e79cayGP 8: 0x7fddb0221ab0 - middle::traits::fulfill::FulfillmentContext&lt;$u{27}tcx$GT$::select::h827e4d042486e566SzP 9: 0x7fddb00ee7c0 - middle::traits::fulfill::FulfillmentContext&lt;$u{27}tcx$GT$::select_all_or_error::heebbe09eddbd26dfDwP 10: 0x7fddb1510cd0 - check::compare_impl_method::h359a8a44e8f8def4Zfk 11: 0x7fddb14ff0b0 - check::check_item::hfedb86714512d4d8XRj 12: 0x7fddb169d450 - check_crate::unboxed_closure.39783 13: 0x7fddb16981f0 - check_crate::h7446c5344d10b3c1cGx 14: 0x7fddb23a98d0 - driver::phase_3_run_analysis_passes::hb59d2d67157ec124gva 15: 0x7fddb2397fb0 - driver::compile_input::hff9e8d16e3108315vba 16: 0x7fddb24e4900 - thunk::F.Invoke&lt;A,$u{20}R$GT$::invoke::h10803646332669730367 17: 0x7fddb24e36c0 - rt::unwind::try::try_fn::h3820096971255462672 18: 0x7fddb1ef4eb0 - rust_try_inner 19: 0x7fddb1ef4ea0 - rust_try 20: 0x7fddb24e3a10 - thunk::F.Invoke&lt;A,$u{20}R$GT$::invoke::h15250775183210022334 21: 0x7fddb1e7f8d0 - sys::thread::thread_start::h7b82ef93cab3e580K1v 22: 0x7fddaca690c0 - start_thread 23: 0x7fddb1aab2d9 - __clone 24: 0x0 - &lt;unknown&gt;"><pre class="notranslate">iter<span class="pl-kos">.</span><span class="pl-c1">rs</span><span class="pl-kos">:</span><span class="pl-c1">23</span><span class="pl-kos">:</span><span class="pl-c1">5</span><span class="pl-kos">:</span> <span class="pl-c1">25</span><span class="pl-kos">:</span><span class="pl-c1">6</span> error<span class="pl-kos">:</span> internal compiler error<span class="pl-kos">:</span> <span class="pl-k">impl</span> `<span class="pl-smi">VtableImpl</span><span class="pl-kos">(</span><span class="pl-smi">impl_def_id</span>=<span class="pl-v">DefId</span> <span class="pl-kos">{</span> <span class="pl-c1">krate</span><span class="pl-kos">:</span> <span class="pl-c1">0</span><span class="pl-kos">,</span> <span class="pl-c1">node</span><span class="pl-kos">:</span> <span class="pl-c1">38</span> <span class="pl-kos">}</span><span class="pl-kos">:</span><span class="pl-smi">Rev</span><span class="pl-kos">&lt;</span><span class="pl-smi">I</span><span class="pl-kos">&gt;</span><span class="pl-kos">.</span><span class="pl-smi">Iterator</span><span class="pl-kos">,</span> substs=<span class="pl-v">Substs</span><span class="pl-kos">[</span>types=<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> regions=<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-kos">,</span> nested=<span class="pl-kos">[</span><span class="pl-kos">[</span><span class="pl-v">Obligation</span><span class="pl-kos">(</span>predicate=<span class="pl-v">Binder</span><span class="pl-kos">(</span><span class="pl-v">TraitPredicate</span><span class="pl-kos">(</span><span class="pl-v">TraitRef</span><span class="pl-kos">(</span><span class="pl-v">I</span><span class="pl-kos">,</span> <span class="pl-v">Sized</span><span class="pl-kos">)</span><span class="pl-kos">)</span><span class="pl-kos">)</span><span class="pl-kos">,</span>depth=<span class="pl-c1">1</span><span class="pl-kos">)</span><span class="pl-kos">,</span> <span class="pl-v">Obligation</span><span class="pl-kos">(</span>predicate=<span class="pl-v">Binder</span><span class="pl-kos">(</span><span class="pl-v">TraitPredicate</span><span class="pl-kos">(</span><span class="pl-v">TraitRef</span><span class="pl-kos">(</span><span class="pl-v">I</span><span class="pl-kos">,</span> <span class="pl-v">DoubleEndedIterator</span><span class="pl-kos">)</span><span class="pl-kos">)</span><span class="pl-kos">)</span><span class="pl-kos">,</span>depth=<span class="pl-c1">1</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>` did not contain <span class="pl-smi">projection</span> <span class="pl-k">for</span> `<span class="pl-smi">Obligation</span><span class="pl-kos">(</span><span class="pl-smi">predicate</span>=<span class="pl-kos">&lt;</span><span class="pl-smi">Rev</span><span class="pl-kos">&lt;</span><span class="pl-smi">I</span><span class="pl-kos">&gt;</span> <span class="pl-k">as</span> <span class="pl-smi">TraitRef</span><span class="pl-kos">(</span><span class="pl-smi">Rev</span><span class="pl-kos">&lt;</span><span class="pl-smi">I</span><span class="pl-kos">&gt;</span><span class="pl-kos">,</span> <span class="pl-smi">Iterator</span><span class="pl-kos">)</span><span class="pl-kos">&gt;</span><span class="pl-kos">::</span><span class="pl-smi">Item</span><span class="pl-kos">,</span><span class="pl-smi">depth</span>=<span class="pl-c1">0</span><span class="pl-kos">)</span>` iter<span class="pl-kos">.</span><span class="pl-smi">rs</span><span class="pl-kos">:</span><span class="pl-c1">23</span> <span class="pl-k">fn</span> <span class="pl-smi">next</span><span class="pl-kos">(</span><span class="pl-c1">&amp;</span><span class="pl-k">mut</span> <span class="pl-smi">self</span><span class="pl-kos">)</span> -&gt; <span class="pl-smi">Option</span><span class="pl-kos">&lt;</span> &lt;<span class="pl-smi">I</span> <span class="pl-k">as</span> <span class="pl-smi">Iterator</span>&gt;<span class="pl-kos">::</span><span class="pl-smi">Item</span><span class="pl-kos">&gt;</span> <span class="pl-kos">{</span> iter<span class="pl-kos">.</span>rs<span class="pl-kos">:</span><span class="pl-c1">24</span> <span class="pl-smi">self</span><span class="pl-kos">.</span><span class="pl-c1">0</span><span class="pl-kos">.</span>next_back<span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos"></span> iter<span class="pl-kos">.</span><span class="pl-c1">rs</span><span class="pl-kos">:</span><span class="pl-c1">25</span> <span class="pl-kos">}</span> note<span class="pl-kos">:</span> the compiler unexpectedly panicked<span class="pl-kos">.</span> <span class="pl-c1">this</span> is a bug<span class="pl-kos">.</span> <span class="pl-c1">note</span><span class="pl-kos">:</span> we would appreciate a bug report<span class="pl-kos">:</span> http<span class="pl-kos">:</span><span class="pl-c">//doc.rust-lang.org/complement-bugreport.html</span> note<span class="pl-kos">:</span> run with `<span class="pl-v">RUST_BACKTRACE</span>=<span class="pl-c1">1</span>` <span class="pl-k">for</span> a backtrace thread <span class="pl-c1">'</span>rustc<span class="pl-c1">'</span> panicked at <span class="pl-c1">'</span><span class="pl-v">Box</span>&lt;<span class="pl-v">Any</span>&gt;<span class="pl-c1">'</span><span class="pl-kos">,</span> /root/rust/src/libsyntax/diagnostic<span class="pl-kos">.</span><span class="pl-c1">rs</span><span class="pl-kos">:</span><span class="pl-c1">123</span> stack backtrace<span class="pl-kos">:</span> <span class="pl-c1">1</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb1e70120</span> - sys<span class="pl-kos">::</span>backtrace<span class="pl-kos">::</span>write<span class="pl-kos">::</span>h3fe61c98bf398fe8P8s <span class="pl-c1">2</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb1e8fef0</span> - failure<span class="pl-kos">::</span>on_fail<span class="pl-kos">::</span>h55da319a91ee267cEpz <span class="pl-c1">3</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb1e05b40</span> - rt<span class="pl-kos">::</span>unwind<span class="pl-kos">::</span>begin_unwind_inner<span class="pl-kos">::</span>h2a51826b093fcd9eJ3y <span class="pl-c1">4</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddad24b3d0</span> - rt<span class="pl-kos">::</span>unwind<span class="pl-kos">::</span>begin_unwind<span class="pl-kos">::</span>h3298842058425057001 <span class="pl-c1">5</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddad24b360</span> - diagnostic<span class="pl-kos">::</span><span class="pl-smi">SpanHandler</span><span class="pl-kos">::</span>span_bug<span class="pl-kos">::</span>heeaf2edd6daa003fNQF <span class="pl-c1">6</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb022acb0</span> - middle<span class="pl-kos">::</span>traits<span class="pl-kos">::</span>project<span class="pl-kos">::</span>project_type<span class="pl-kos">::</span>hcf50d7eec736df9c35P <span class="pl-c1">7</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb0222800</span> - middle<span class="pl-kos">::</span>traits<span class="pl-kos">::</span>fulfill<span class="pl-kos">::</span>process_predicate<span class="pl-kos">::</span>h3703aabc133e79cayGP <span class="pl-c1">8</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb0221ab0</span> - middle<span class="pl-kos">::</span>traits<span class="pl-kos">::</span>fulfill<span class="pl-kos">::</span><span class="pl-v">FulfillmentContext</span>&lt;$u<span class="pl-kos">{</span><span class="pl-c1">27</span><span class="pl-kos">}</span>tcx$GT$<span class="pl-kos">::</span>select<span class="pl-kos">::</span><span class="pl-smi">h827e4d042486e566SzP</span> <span class="pl-c1">9</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb00ee7c0</span> - middle<span class="pl-kos">::</span>traits<span class="pl-kos">::</span>fulfill<span class="pl-kos">::</span><span class="pl-v">FulfillmentContext</span>&lt;$u<span class="pl-kos">{</span><span class="pl-c1">27</span><span class="pl-kos">}</span>tcx$GT$<span class="pl-kos">::</span>select_all_or_error<span class="pl-kos">::</span><span class="pl-smi">heebbe09eddbd26dfDwP</span> <span class="pl-c1">10</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb1510cd0</span> - check<span class="pl-kos">::</span>compare_impl_method<span class="pl-kos">::</span>h359a8a44e8f8def4Zfk <span class="pl-c1">11</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb14ff0b0</span> - check<span class="pl-kos">::</span>check_item<span class="pl-kos">::</span>hfedb86714512d4d8XRj <span class="pl-c1">12</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb169d450</span> - check_crate<span class="pl-kos">::</span>unboxed_closure<span class="pl-kos">.</span><span class="pl-c1">39783</span> <span class="pl-c1">13</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb16981f0</span> - check_crate<span class="pl-kos">::</span>h7446c5344d10b3c1cGx <span class="pl-c1">14</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb23a98d0</span> - driver<span class="pl-kos">::</span>phase_3_run_analysis_passes<span class="pl-kos">::</span>hb59d2d67157ec124gva <span class="pl-c1">15</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb2397fb0</span> - driver<span class="pl-kos">::</span>compile_input<span class="pl-kos">::</span>hff9e8d16e3108315vba <span class="pl-c1">16</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb24e4900</span> - thunk<span class="pl-kos">::</span><span class="pl-v">F</span><span class="pl-kos">.</span><span class="pl-c1">Invoke</span>&lt;<span class="pl-v">A</span><span class="pl-kos">,</span>$u<span class="pl-kos">{</span><span class="pl-c1">20</span><span class="pl-kos">}</span><span class="pl-v">R</span>$GT$<span class="pl-kos">::</span>invoke<span class="pl-kos">::</span>h10803646332669730367 <span class="pl-c1">17</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb24e36c0</span> - rt<span class="pl-kos">::</span>unwind<span class="pl-kos">::</span>try<span class="pl-kos">::</span>try_fn<span class="pl-kos">::</span>h3820096971255462672 <span class="pl-c1">18</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb1ef4eb0</span> - rust_try_inner <span class="pl-c1">19</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb1ef4ea0</span> - rust_try <span class="pl-c1">20</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb24e3a10</span> - thunk<span class="pl-kos">::</span><span class="pl-v">F</span><span class="pl-kos">.</span><span class="pl-c1">Invoke</span>&lt;<span class="pl-v">A</span><span class="pl-kos">,</span>$u<span class="pl-kos">{</span><span class="pl-c1">20</span><span class="pl-kos">}</span><span class="pl-v">R</span>$GT$<span class="pl-kos">::</span>invoke<span class="pl-kos">::</span>h15250775183210022334 <span class="pl-c1">21</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb1e7f8d0</span> - sys<span class="pl-kos">::</span>thread<span class="pl-kos">::</span>thread_start<span class="pl-kos">::</span>h7b82ef93cab3e580K1v <span class="pl-c1">22</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddaca690c0</span> - start_thread <span class="pl-c1">23</span><span class="pl-kos">:</span> <span class="pl-c1">0x7fddb1aab2d9</span> - __clone <span class="pl-c1">24</span><span class="pl-kos">:</span> <span class="pl-c1">0x0</span> - &lt;<span class="pl-smi">unknown</span>&gt;</pre></div> <h3 dir="auto">Version</h3> <p dir="auto"><a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/rust-lang/rust/commit/84f5ad8679c7fc454473ffbf389030f3e5fee379/hovercard" href="https://github.com/rust-lang/rust/commit/84f5ad8679c7fc454473ffbf389030f3e5fee379"><tt>84f5ad8</tt></a></p> <p dir="auto">cc <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/nikomatsakis/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/nikomatsakis">@nikomatsakis</a></p>
1
<h3 dir="auto">Version</h3> <p dir="auto">2.5.16</p> <h3 dir="auto">Reproduction link</h3> <p dir="auto"><a href="https://codesandbox.io/s/rllvz0m21o" rel="nofollow">https://codesandbox.io/s/rllvz0m21o</a></p> <h3 dir="auto">Steps to reproduce</h3> <ol dir="auto"> <li>Create a "renderless" component that passes data into the default scoped-slot.</li> </ol> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="render () { return this.$scopedSlots.default(this) },"><pre class="notranslate"><code class="notranslate">render () { return this.$scopedSlots.default(this) }, </code></pre></div> <ol start="2" dir="auto"> <li>Have a component that uses the "renderless" component as root and then populates the scoped-slot with its own template.</li> <li>Have two components with regular slots where one is tunneling the passed content into the second slot. The slots can have different names, it does not affect the issue. Like this:</li> </ol> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&lt;slot slot=&quot;slotName&quot; name=&quot;slotName&quot;/&gt;"><pre class="notranslate"><code class="notranslate">&lt;slot slot="slotName" name="slotName"/&gt; </code></pre></div> <ol start="4" dir="auto"> <li>Somehow force the "renderless" component to update.</li> </ol> <h3 dir="auto">What is expected?</h3> <p dir="auto">No warning should be shown.</p> <h3 dir="auto">What is actually happening?</h3> <p dir="auto">It triggers the warning:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Duplicate presence of slot &quot;sep&quot; found in the same render tree - this will likely cause render errors. found in ---&gt; &lt;MiddleComponent&gt; at /src/components/MiddleComponent.vue"><pre class="notranslate"><code class="notranslate">Duplicate presence of slot "sep" found in the same render tree - this will likely cause render errors. found in ---&gt; &lt;MiddleComponent&gt; at /src/components/MiddleComponent.vue </code></pre></div> <p dir="auto">It might also work incorrectly or trigger additional unnecessary re-renders.</p> <hr> <p dir="auto">The source code responsible for showing the warning was probably meant for detecting the usage of slots inside v-for loops. However, in this case, it seems to be called incorrectly since the slot is only rendered once. The reason for this might be that the <code class="notranslate">rendered</code> flag is not being reset in this situation. Not using a renderless component (doing tunneling outside of a scoped-slot) does not trigger the error. Using scoped-slots instead of regular slots also does not trigger the warning, but that’s because the check is skipped.</p> <p dir="auto">This is potentially related to <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="344100202" data-permission-text="Title is private" data-url="https://github.com/vuejs/vue/issues/8546" data-hovercard-type="issue" data-hovercard-url="/vuejs/vue/issues/8546/hovercard" href="https://github.com/vuejs/vue/issues/8546">#8546</a>.</p>
<h3 dir="auto">Version</h3> <p dir="auto">2.5.16</p> <h3 dir="auto">Reproduction link</h3> <p dir="auto"><a href="https://codesandbox.io/s/vn7jz1l1kl" rel="nofollow">https://codesandbox.io/s/vn7jz1l1kl</a></p> <h3 dir="auto">Steps to reproduce</h3> <p dir="auto">Click the button that says "refresh"</p> <h3 dir="auto">What is expected?</h3> <p dir="auto">Nothing should happen</p> <h3 dir="auto">What is actually happening?</h3> <p dir="auto">[Vue warn]: Duplicate presence of slot "default" found in the same render tree - this will likely cause render errors.</p> <hr> <p dir="auto">I have a component <code class="notranslate">B</code> which accepts a scopedSlot, and a component <code class="notranslate">A</code> which accepts a slot. <code class="notranslate">A</code> is passing in it's slot into the scopedSlot of <code class="notranslate">B</code></p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&lt;template slot-scope=&quot;scope&quot;&gt; &lt;slot&gt;&lt;/slot&gt; &lt;/template&gt;"><pre class="notranslate"><code class="notranslate">&lt;template slot-scope="scope"&gt; &lt;slot&gt;&lt;/slot&gt; &lt;/template&gt; </code></pre></div> <p dir="auto">When the component <code class="notranslate">B</code> gets rerendered, I see this warning in the console. <code class="notranslate">B</code> passes a method to the scoped slot which will cause it to rerender when called.</p>
1
<p dir="auto"><strong>What is the bug?</strong></p> <p dir="auto">When you perform the first post request, everything's fine. Each subsequent request (or a page refresh) leads to a 405 error.</p> <p dir="auto"><strong>How to Reproduce the error</strong><br> Here's the minimum code to replicate the error:</p> <p dir="auto">Project Structure</p> <ul dir="auto"> <li>templates <ul dir="auto"> <li>index.html</li> </ul> </li> <li>main.py</li> </ul> <p dir="auto">main.py:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="from flask import Flask, render_template import json app = Flask(__name__) @app.route(&quot;/&quot;) def home(): return render_template(&quot;index.html&quot;) @app.route(&quot;/post&quot;, methods=[&quot;POST&quot;]) def post_test(): return json.dumps({&quot;test&quot;: True}) if __name__ == &quot;__main__&quot;: app.run(debug=True)"><pre class="notranslate"><code class="notranslate">from flask import Flask, render_template import json app = Flask(__name__) @app.route("/") def home(): return render_template("index.html") @app.route("/post", methods=["POST"]) def post_test(): return json.dumps({"test": True}) if __name__ == "__main__": app.run(debug=True) </code></pre></div> <p dir="auto">index.html:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&lt;script&gt; async function postSomething() { let options = { method: &quot;POST&quot;, body: JSON.stringify({ &quot;name&quot;: &quot;test&quot; }) } let request = await fetch(&quot;/post&quot;, options); let response = await request.json() console.log(response) } &lt;/script&gt; &lt;button onclick=&quot;postSomething()&quot;&gt; Click me! &lt;/button&gt;"><pre class="notranslate"><code class="notranslate">&lt;script&gt; async function postSomething() { let options = { method: "POST", body: JSON.stringify({ "name": "test" }) } let request = await fetch("/post", options); let response = await request.json() console.log(response) } &lt;/script&gt; &lt;button onclick="postSomething()"&gt; Click me! &lt;/button&gt; </code></pre></div> <p dir="auto"><strong>What do I expect</strong><br> I expect to be able to press the button multiple times without getting an error. It seems that Flask puts the form data before the request, which leads to this in the console:</p> <p dir="auto"><code class="notranslate">127.0.0.1 - - [10/Sep/2022 12:09:52] "{"name":"test"}GET / HTTP/1.1" 405 -</code></p> <p dir="auto">I tested the same behaviour with Tornado, which gave me the correct expected result. Here's the minimal code for Tornado:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import asyncio import tornado.web import tornado.template class MainHandler(tornado.web.RequestHandler): def get(self): self.render(&quot;templates/index.html&quot;) class PostHandler(tornado.web.RequestHandler): def post(self): self.write({&quot;test&quot;: True}) async def main(): application = tornado.web.Application( [(r&quot;/&quot;, MainHandler), (r&quot;/post&quot;, PostHandler)], debug=True, ) application.listen(5000) await asyncio.Event().wait() if __name__ == &quot;__main__&quot;: print(&quot;Running Main&quot;) asyncio.run(main()) "><pre class="notranslate"><code class="notranslate">import asyncio import tornado.web import tornado.template class MainHandler(tornado.web.RequestHandler): def get(self): self.render("templates/index.html") class PostHandler(tornado.web.RequestHandler): def post(self): self.write({"test": True}) async def main(): application = tornado.web.Application( [(r"/", MainHandler), (r"/post", PostHandler)], debug=True, ) application.listen(5000) await asyncio.Event().wait() if __name__ == "__main__": print("Running Main") asyncio.run(main()) </code></pre></div> <p dir="auto">Environment:</p> <ul dir="auto"> <li>Python version: 3.9.13</li> <li>Flask version: 2.2.2</li> </ul>
<p dir="auto">With the following example:</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="from flask import Flask app = Flask(__name__) @app.route('/', methods=['POST']) def hello_world(): return 'Hello World!' if __name__ == '__main__': app.run()"><pre class="notranslate"><span class="pl-k">from</span> <span class="pl-s1">flask</span> <span class="pl-k">import</span> <span class="pl-v">Flask</span> <span class="pl-s1">app</span> <span class="pl-c1">=</span> <span class="pl-v">Flask</span>(<span class="pl-s1">__name__</span>) <span class="pl-en">@<span class="pl-s1">app</span>.<span class="pl-en">route</span>(<span class="pl-s">'/'</span>, <span class="pl-s1">methods</span><span class="pl-c1">=</span>[<span class="pl-s">'POST'</span>])</span> <span class="pl-k">def</span> <span class="pl-en">hello_world</span>(): <span class="pl-k">return</span> <span class="pl-s">'Hello World!'</span> <span class="pl-k">if</span> <span class="pl-s1">__name__</span> <span class="pl-c1">==</span> <span class="pl-s">'__main__'</span>: <span class="pl-s1">app</span>.<span class="pl-en">run</span>()</pre></div> <p dir="auto">When you set the request body to <code class="notranslate">{}</code> with Postman or any HTTP clients, the first request will return 200, while the second request will return a 405 error response. The log shows the request method is <code class="notranslate">{}POST</code>:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&quot;{}POST / HTTP/1.1&quot; 405"><pre class="notranslate"><code class="notranslate">"{}POST / HTTP/1.1" 405 </code></pre></div> <p dir="auto">Notice the request body became the part of the request method.</p>
1
<p dir="auto">Go version: go1.3.3 linux/amd64 on Fedora 20</p> <p dir="auto">When creating an archive (with <code class="notranslate">tar.NewWriter</code>), long names (&gt; 100 chars) that don't fit into standard tar headers need to be encoded differently.<br> An optimisation in <code class="notranslate">archive/tar/writer.go: writeHeader()</code> tries to use a ustar header when only the name is too long creates files that are misinterpretated by other tar implementations (but read correctly by archive/tar)</p> <p dir="auto">For example, <code class="notranslate">/home/support/.openoffice.org/3/user/uno_packages/cache/registry/com.sun.star.comp.deployment.executable.PackageRegistryBackend</code> becomes <code class="notranslate">com.sun.star.comp.deployment.executable.PackageRegistryBackend</code> for external <code class="notranslate">tar</code> commands (tested with GNU tar, BSD tar and star)</p> <p dir="auto">Modifying <code class="notranslate">archive/tar/writer.go</code> and forcing <code class="notranslate">preferPax</code> to <code class="notranslate">true</code> in <code class="notranslate">NewWriter</code> fixes the issue</p>
<p dir="auto">Using <code class="notranslate">go1.5</code></p> <p dir="auto">Also discovered this while fixing other archive/tar issues (and I found fair number of them, mostly minor). However, fixing this will change the way archive/tar reads and writes certain formats.</p> <h4 dir="auto">What the current archive/tar thinks the GNU format is:</h4> <ul dir="auto"> <li>A magic and version that forms the string <a href="https://github.com/golang/go/blob/a1d093d95dfb888e55f960943bd3ad3d181ec743/src/archive/tar/reader.go#L493"><code class="notranslate">"ustar\x20\x20\x00"</code></a> (this is correct).</li> <li>That the structure is <a href="https://github.com/golang/go/blob/a1d093d95dfb888e55f960943bd3ad3d181ec743/src/archive/tar/reader.go#L510">identical to the POSIX format</a>. That is, there is a 155byte prefix section (this is incorrect).</li> <li>That it extends the POSIX format by <a href="https://github.com/golang/go/blob/a1d093d95dfb888e55f960943bd3ad3d181ec743/src/archive/tar/writer.go#L211">adding the ability to perform base-256 encoding</a> (this is not necessarily specific to GNU format).</li> </ul> <h4 dir="auto">What the GNU manual actually says the format is:</h4> <p dir="auto">The <a href="https://www.gnu.org/software/tar/manual/html_node/Standard.html" rel="nofollow">GNU manual</a> says that the format for headers using this magic is the following (in Go syntax):</p> <div class="highlight highlight-source-go notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="type headerGNU struct { // Original V7 header name [100]byte // 0 mode [8]byte // 100 uid [8]byte // 108 gid [8]byte // 116 size [12]byte // 124 mtime [12]byte // 136 chksum [8]byte // 148 typeflag [1]byte // 156 linkname [100]byte // 157 // This section is based on the Posix standard. magic [6]byte // 257: &quot;ustar &quot; version [2]byte // 263: &quot; \x00&quot; uname [32]byte // 265 gname [32]byte // 297 devmajor [8]byte // 329 devminor [8]byte // 337 // The GNU format replaces the prefix field with this stuff. // The fact that GNU replaces the prefix with this makes it non-compliant. atime [12]byte // 345 ctime [12]byte // 357 offset [12]byte // 369 longnames [4]byte // 381 unused [1]byte // 385 sparse [4]headerSparse // 386 isextended [1]byte // 482 realsize [12]byte // 483 // 495 } type headerSparse struct { offset [12]byte // 0 numbytes [12]byte // 12 // 24 }"><pre class="notranslate"><span class="pl-k">type</span> <span class="pl-smi">headerGNU</span> <span class="pl-k">struct</span> { <span class="pl-c">// Original V7 header</span> <span class="pl-c1">name</span> [<span class="pl-c1">100</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 0</span> <span class="pl-c1">mode</span> [<span class="pl-c1">8</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 100</span> <span class="pl-c1">uid</span> [<span class="pl-c1">8</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 108</span> <span class="pl-c1">gid</span> [<span class="pl-c1">8</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 116</span> <span class="pl-c1">size</span> [<span class="pl-c1">12</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 124</span> <span class="pl-c1">mtime</span> [<span class="pl-c1">12</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 136</span> <span class="pl-c1">chksum</span> [<span class="pl-c1">8</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 148</span> <span class="pl-c1">typeflag</span> [<span class="pl-c1">1</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 156</span> <span class="pl-c1">linkname</span> [<span class="pl-c1">100</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 157</span> <span class="pl-c">// This section is based on the Posix standard.</span> <span class="pl-c1">magic</span> [<span class="pl-c1">6</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 257: "ustar "</span> <span class="pl-c1">version</span> [<span class="pl-c1">2</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 263: " \x00"</span> <span class="pl-c1">uname</span> [<span class="pl-c1">32</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 265</span> <span class="pl-c1">gname</span> [<span class="pl-c1">32</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 297</span> <span class="pl-c1">devmajor</span> [<span class="pl-c1">8</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 329</span> <span class="pl-c1">devminor</span> [<span class="pl-c1">8</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 337</span> <span class="pl-c">// The GNU format replaces the prefix field with this stuff.</span> <span class="pl-c">// The fact that GNU replaces the prefix with this makes it non-compliant.</span> <span class="pl-c1">atime</span> [<span class="pl-c1">12</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 345</span> <span class="pl-c1">ctime</span> [<span class="pl-c1">12</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 357</span> <span class="pl-c1">offset</span> [<span class="pl-c1">12</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 369</span> <span class="pl-c1">longnames</span> [<span class="pl-c1">4</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 381</span> <span class="pl-c1">unused</span> [<span class="pl-c1">1</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 385</span> <span class="pl-c1">sparse</span> [<span class="pl-c1">4</span>]<span class="pl-smi">headerSparse</span> <span class="pl-c">// 386</span> <span class="pl-c1">isextended</span> [<span class="pl-c1">1</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 482</span> <span class="pl-c1">realsize</span> [<span class="pl-c1">12</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 483</span> <span class="pl-c">// 495</span> } <span class="pl-k">type</span> <span class="pl-smi">headerSparse</span> <span class="pl-k">struct</span> { <span class="pl-c1">offset</span> [<span class="pl-c1">12</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 0</span> <span class="pl-c1">numbytes</span> [<span class="pl-c1">12</span>]<span class="pl-smi">byte</span> <span class="pl-c">// 12</span> <span class="pl-c">// 24</span> }</pre></div> <p dir="auto">In fact, the structure for GNU swaps out the prefix section of POSIX, for a bunch of extra fields for atime, ctime, and sparse file support (contrary to what Go thinks).</p> <p dir="auto">Regarding the use of base-256 encoding, it seems that GNU was the first to <a href="http://git.savannah.gnu.org/cgit/tar.git/commit/?id=e4e624848b53ac02f1212af2209a63d28e40afec" rel="nofollow">introduce this encoding back in 1999</a>. Since then, pretty much every tar decoder handles reading base-256 encoding regardless of whether it is GNU format or not. Marking the format as GNU may or may not be necessary just because base-256 encoding was used.</p> <h4 dir="auto">Problem 1:</h4> <p dir="auto">When reading, if the decoder detects the GNU magic number, it will attempt to read 155bytes for the prefix. This is just plain wrong and will start to read the atime, ctime, etc instead. This causes the prefix to be incorrect.</p> <p dir="auto"><a href="https://play.golang.org/p/oARo0DMzys" rel="nofollow">See this playground example</a><br> The paths there have something like "12574544345" prepended to it. This is because when the tar archive tries to read the the prefix, it is actually reading the atime (which is in ASCII octal and is null terminated). Thus, it incorrectly uses the atime as the prefix.</p> <p dir="auto">This probably went undetected for so long since the "incremental" mode of GNU tar is rarely used, and thus the atime and ctime fields are never filled out and left as null bytes. This happens to work in the common case, since the cstring for this field ends up being an empty string.</p> <h4 dir="auto">Problem 2:</h4> <p dir="auto">When writing, if a numeric field was ever too large to represent in octal format, it would trigger the <code class="notranslate">usedBinary</code> flag and cause the library to output the GNU magic numbers, but subsequently fail to encode in the GNU format. Since it believes that the GNU format has a prefix field, it erroneously tries to use it, losing some information in the process.</p> <p dir="auto">This is ultimately what causes <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="55409886" data-permission-text="Title is private" data-url="https://github.com/golang/go/issues/9683" data-hovercard-type="issue" data-hovercard-url="/golang/go/issues/9683/hovercard" href="https://github.com/golang/go/issues/9683">#9683</a>, but is rare in practice since the perfect conditions need to be met for GNU format to be used. There is a very narrow range between the use cases of USTAR and PAX where the logic will use GNU.</p> <h4 dir="auto">Solution:</h4> <p dir="auto">When decoding, change it so that the reader doesn't read the 155byte prefix field (since this is just plain wrong). Optionally, support parsing of the atime and ctime from the GNU format. Nothing needs to change for sparse file support since that logic correctly understood the GNU format.</p> <p dir="auto">When encoding, I propose the following order of precedence:</p> <ul dir="auto"> <li>First, use the 1988 POSIX (USTAR) standard when possible for maximum backwards compatibility.</li> <li>If any numeric field goes beyond the octal representation, or any names are longer than what is supported, just use the 2001 POSIX (PAX) standard.</li> </ul> <p dir="auto">Let's avoid writing the GNU format. In fact the GNU manual itself, <a href="https://www.gnu.org/software/tar/manual/html_node/Formats.html#SEC132" rel="nofollow">says the following under the POSIX section</a>:</p> <blockquote> <p dir="auto">This archive format will be the default format for future versions of GNU tar.</p> </blockquote> <p dir="auto">The only advantages that GNU offers over USTAR is:</p> <ul dir="auto"> <li>Unlimited length filenames (only ASCII)</li> <li>Relatively large filesizes</li> <li>Possibly atime and ctime</li> </ul> <p dir="auto">However, PAX offers all of these over USTAR and far more:</p> <ul dir="auto"> <li>Unlimited length strings (including UTF-8) support for filenames, usernames, etc.</li> <li>Unlimited large integers for filesizes, uids, etc.</li> <li>Sub-second resolution times.</li> <li>No need for base-256 encoding (and assuming that decoders can handle them) since PAX has its own well-defined method of encoding arbitrarily large integers.</li> </ul> <p dir="auto">Not to mention, we are already outputting PAX in many situations. What's the point of straggling between 3 different output formats?</p> <p dir="auto">Thoughts?</p>
1
<p dir="auto">We got the following warning message:</p> <div class="highlight highlight-source-shell notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="warning: variant is never used: `Foo`, #[warn(dead_code)] on by default"><pre class="notranslate">warning: variant is never used: <span class="pl-s"><span class="pl-pds">`</span>Foo<span class="pl-pds">`</span></span>, <span class="pl-c"><span class="pl-c">#</span>[warn(dead_code)] on by default</span></pre></div> <p dir="auto">For this code:</p> <div class="highlight highlight-source-rust notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="enum Something { Foo, NotFoo } fn main() { match Something::NotFoo { Something::Foo =&gt; {} _ =&gt; {} } }"><pre class="notranslate"><span class="pl-k">enum</span> <span class="pl-smi">Something</span> <span class="pl-kos">{</span> <span class="pl-v">Foo</span><span class="pl-kos">,</span> <span class="pl-v">NotFoo</span> <span class="pl-kos">}</span> <span class="pl-k">fn</span> <span class="pl-en">main</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-k">match</span> <span class="pl-smi">Something</span><span class="pl-kos">::</span><span class="pl-v">NotFoo</span> <span class="pl-kos">{</span> <span class="pl-smi">Something</span><span class="pl-kos">::</span><span class="pl-v">Foo</span> =&gt; <span class="pl-kos">{</span><span class="pl-kos">}</span> _ =&gt; <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 warning could mislead users because for them, the Foo variant is used. Adding a specific warning message could be nice.</p> <p dir="auto"><a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/eddyb/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/eddyb">@eddyb</a> proposed this message instead in this case:</p> <p dir="auto">"this variant is never instantiated"</p> <p dir="auto">cc <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/eddyb/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/eddyb">@eddyb</a></p>
<div class="highlight highlight-source-rust notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="mod a { #[deriving(Show)] pub enum E { Variant1, Variant2, } } fn main() { let x = a::E::Variant1; let y = match x { a::E::Variant1 =&gt; 1i, a::E::Variant2 =&gt; 2i, }; println!(&quot;Hello world: {}&quot;, (x, y)); }"><pre class="notranslate"><span class="pl-k">mod</span> a <span class="pl-kos">{</span> <span class="pl-c1">#<span class="pl-kos">[</span>deriving<span class="pl-kos">(</span><span class="pl-v">Show</span><span class="pl-kos">)</span><span class="pl-kos">]</span></span> <span class="pl-k">pub</span> <span class="pl-k">enum</span> <span class="pl-smi">E</span> <span class="pl-kos">{</span> <span class="pl-v">Variant1</span><span class="pl-kos">,</span> <span class="pl-v">Variant2</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">main</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-k">let</span> x = a<span class="pl-kos">::</span><span class="pl-smi">E</span><span class="pl-kos">::</span><span class="pl-v">Variant1</span><span class="pl-kos">;</span> <span class="pl-k">let</span> y = <span class="pl-k">match</span> x <span class="pl-kos">{</span> a<span class="pl-kos">::</span><span class="pl-smi">E</span><span class="pl-kos">::</span><span class="pl-v">Variant1</span> =&gt; <span class="pl-c1">1</span>i<span class="pl-kos">,</span> a<span class="pl-kos">::</span><span class="pl-smi">E</span><span class="pl-kos">::</span><span class="pl-v">Variant2</span> =&gt; <span class="pl-c1">2</span>i<span class="pl-kos">,</span> <span class="pl-kos">}</span><span class="pl-kos">;</span> <span class="pl-en">println</span><span class="pl-en">!</span><span class="pl-kos">(</span><span class="pl-s">"Hello world: {}"</span>, <span class="pl-kos">(</span>x, y<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">produces:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&lt;anon&gt;:5:9: 5:17 warning: variant is never used: `Variant2`, #[warn(dead_code)] on by default &lt;anon&gt;:5 Variant2, ^~~~~~~~"><pre class="notranslate"><code class="notranslate">&lt;anon&gt;:5:9: 5:17 warning: variant is never used: `Variant2`, #[warn(dead_code)] on by default &lt;anon&gt;:5 Variant2, ^~~~~~~~ </code></pre></div>
1
<p dir="auto">In the resulting output of customized Bootstrap 3 CSS, the styles for .fade.in come after .modal-backdrop.in</p> <p dir="auto">This causes the opacity of the modal backdrop to become 1.0 instead of 0.5, giving the appearance of a totally black backdrop instead of a faded page.</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://camo.githubusercontent.com/7b7682122e03da7b4649cf867106324d8ac1c3be8cb1ec43683b8f617a28cc85/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f333732303032322f313134303630382f34306536386434382d316361322d313165332d393932652d3562386666613632353030382e706e67"><img src="https://camo.githubusercontent.com/7b7682122e03da7b4649cf867106324d8ac1c3be8cb1ec43683b8f617a28cc85/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f333732303032322f313134303630382f34306536386434382d316361322d313165332d393932652d3562386666613632353030382e706e67" alt="bad modal backdrop" data-canonical-src="https://f.cloud.github.com/assets/3720022/1140608/40e68d48-1ca2-11e3-992e-5b8ffa625008.png" style="max-width: 100%;"></a><br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://camo.githubusercontent.com/19e142a0a1e709e70b092ea3500d6c7bc5f08ae172eea7dc065cf66913591824/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f333732303032322f313134303630392f34306538316530362d316361322d313165332d383137612d3365383831633632336361362e706e67"><img src="https://camo.githubusercontent.com/19e142a0a1e709e70b092ea3500d6c7bc5f08ae172eea7dc065cf66913591824/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f333732303032322f313134303630392f34306538316530362d316361322d313165332d383137612d3365383831633632336361362e706e67" alt="good modal backdrop" data-canonical-src="https://f.cloud.github.com/assets/3720022/1140609/40e81e06-1ca2-11e3-817a-3e881c623ca6.png" style="max-width: 100%;"></a></p>
<p dir="auto">Hi!</p> <p dir="auto">I just generated a customized version and the modal background is totally black (I also generated a version without any change to be sure it wasn't me that caused that):</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://camo.githubusercontent.com/7c884cd09470c8345f0304ad6c0a9768a9b9ad1b1cf415c28d5eb6df1beb82ab/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f353238373238352f313030393333382f66653335323434612d306233362d313165332d393531332d3962363637663362646665652e706e67"><img src="https://camo.githubusercontent.com/7c884cd09470c8345f0304ad6c0a9768a9b9ad1b1cf415c28d5eb6df1beb82ab/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f353238373238352f313030393333382f66653335323434612d306233362d313165332d393531332d3962363637663362646665652e706e67" alt="image" data-canonical-src="https://f.cloud.github.com/assets/5287285/1009338/fe35244a-0b36-11e3-9513-9b667f3bdfee.png" style="max-width: 100%;"></a></p> <p dir="auto">The download link on the home page does have transparency:</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://camo.githubusercontent.com/c35f738d5bc9c495c9e5c3e792a7c2a713e064f7ba536da495ecd6830f696e96/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f353238373238352f313030393335332f33396635313138342d306233372d313165332d383231622d3263396365363830626339352e706e67"><img src="https://camo.githubusercontent.com/c35f738d5bc9c495c9e5c3e792a7c2a713e064f7ba536da495ecd6830f696e96/68747470733a2f2f662e636c6f75642e6769746875622e636f6d2f6173736574732f353238373238352f313030393335332f33396635313138342d306233372d313165332d383231622d3263396365363830626339352e706e67" alt="image" data-canonical-src="https://f.cloud.github.com/assets/5287285/1009353/39f51184-0b37-11e3-821b-2c9ce680bc95.png" style="max-width: 100%;"></a></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> <ul dir="auto"> <li>No</li> </ul> <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> <ul dir="auto"> <li>kubectl "does not allow access"</li> </ul> <hr> <p dir="auto"><strong>Is this a BUG REPORT or FEATURE REQUEST?</strong> (choose one):</p> <ul dir="auto"> <li>Bug report</li> </ul> <p dir="auto"><strong>Kubernetes version</strong> (use <code class="notranslate">kubectl version</code>):</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Client Version: version.Info{Major:&quot;1&quot;, Minor:&quot;4&quot;, GitVersion:&quot;v1.4.6&quot;, GitCommit:&quot;e569a27d02001e343cb68086bc06d47804f62af6&quot;, GitTreeState:&quot;clean&quot;, BuildDate:&quot;2016-11-12T05:22:15Z&quot;, GoVersion:&quot;go1.7.1&quot;, Compiler:&quot;gc&quot;, Platform:&quot;darwin/amd64&quot;} Server Version: version.Info{Major:&quot;1&quot;, Minor:&quot;4&quot;, GitVersion:&quot;v1.4.5&quot;, GitCommit:&quot;5a0a696437ad35c133c0c8493f7e9d22b0f9b81b&quot;, GitTreeState:&quot;clean&quot;, BuildDate:&quot;2016-10-29T01:32:42Z&quot;, GoVersion:&quot;go1.6.3&quot;, Compiler:&quot;gc&quot;, Platform:&quot;linux/amd64&quot;}"><pre class="notranslate"><code class="notranslate">Client Version: version.Info{Major:"1", Minor:"4", GitVersion:"v1.4.6", GitCommit:"e569a27d02001e343cb68086bc06d47804f62af6", GitTreeState:"clean", BuildDate:"2016-11-12T05:22:15Z", GoVersion:"go1.7.1", Compiler:"gc", Platform:"darwin/amd64"} Server Version: version.Info{Major:"1", Minor:"4", GitVersion:"v1.4.5", GitCommit:"5a0a696437ad35c133c0c8493f7e9d22b0f9b81b", GitTreeState:"clean", BuildDate:"2016-10-29T01:32:42Z", GoVersion:"go1.6.3", Compiler:"gc", Platform:"linux/amd64"} </code></pre></div> <p dir="auto"><strong>Environment</strong>:</p> <ul dir="auto"> <li><strong>Cloud provider or hardware configuration</strong>: <ul dir="auto"> <li>GCP GKE 1.4.5</li> </ul> </li> <li><strong>OS</strong> (e.g. from /etc/os-release): <ul dir="auto"> <li>Not sure, using gci</li> </ul> </li> <li><strong>Kernel</strong> (e.g. <code class="notranslate">uname -a</code>): <ul dir="auto"> <li>Not sure, using gci</li> </ul> </li> <li><strong>Install tools</strong>: <ul dir="auto"> <li>GKE web UI</li> </ul> </li> <li><strong>Others</strong>: <ul dir="auto"> <li>N/A</li> </ul> </li> </ul> <p dir="auto"><strong>What happened</strong>:</p> <ul dir="auto"> <li>In juggling multiple gcloud accounts with GKE clusters I accidentally used <code class="notranslate">kubectl</code> with the wrong application default credentials and it cached bad creds in <code class="notranslate">~/.kube/config</code></li> <li>After pointing gcloud at the right application default credentials and re-running <code class="notranslate">kubectl</code>, it continued trying and failing to use the bad creds cached in <code class="notranslate">~/.kube/config</code>; at this point I was stuck and confused for a few hours</li> <li>To repair, I had to manually edit <code class="notranslate">~/.kube/config</code> to remove <code class="notranslate">users[].user.auth-provider.config</code>, and then <code class="notranslate">kubectl</code> started working again (or else wait ~1h for the access token to expire and refresh itself)</li> </ul> <p dir="auto"><strong>What you expected to happen</strong>:</p> <ul dir="auto"> <li>After pointing gcloud at the right application default credentials <code class="notranslate">kubectl</code> should just work, or at least provide an error msg to the user that can help them figure out that they need to revoke the bad access token and how to do it</li> </ul> <p dir="auto"><strong>How to reproduce it</strong> (as minimally and precisely as possible):</p> <p dir="auto">Good scenario: just works</p> <div class="highlight highlight-source-shell notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="# Avoid calling kubectl with wrong application default credentials gcloud auth application-default login # -&gt; Auth with user A kubectl --context cluster-A version # Ok + caches good creds gcloud auth application-default login # -&gt; Auth with user B kubectl --context cluster-B version # Ok + caches good creds # Both now work kubectl --context cluster-A version # Ok, using cached good creds kubectl --context cluster-B version # Ok, using cached good creds"><pre class="notranslate"><span class="pl-c"><span class="pl-c">#</span> Avoid calling kubectl with wrong application default credentials</span> gcloud auth application-default login <span class="pl-c"><span class="pl-c">#</span> -&gt; Auth with user A</span> kubectl --context cluster-A version <span class="pl-c"><span class="pl-c">#</span> Ok + caches good creds</span> gcloud auth application-default login <span class="pl-c"><span class="pl-c">#</span> -&gt; Auth with user B</span> kubectl --context cluster-B version <span class="pl-c"><span class="pl-c">#</span> Ok + caches good creds</span> <span class="pl-c"><span class="pl-c">#</span> Both now work</span> kubectl --context cluster-A version <span class="pl-c"><span class="pl-c">#</span> Ok, using cached good creds</span> kubectl --context cluster-B version <span class="pl-c"><span class="pl-c">#</span> Ok, using cached good creds</span></pre></div> <p dir="auto">Bad scenario: user makes one mistake and gets stuck</p> <div class="highlight highlight-source-shell notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="# Use kubectl with wrong ADC gcloud auth application-default login # -&gt; Auth with user A kubectl --context cluster-A version # Ok + caches good creds kubectl --context cluster-B version # Oops + caches bad creds gcloud auth application-default login # -&gt; Auth with user B kubectl --context cluster-B version # Fails, stuck on bad creds cached in ~/.kube/config kubectl --context cluster-A version # Still works, using cached good creds # User is now stuck and confused with no clear approach to resolve... # Tada! vim ~/.kube/config # Manually remove users[].user.auth-provider.config for cluster-B kubectl --context cluster-B version # Ok + caches good creds # Both now work kubectl --context cluster-A version # Ok, using cached good creds kubectl --context cluster-B version # Ok, using cached good creds"><pre class="notranslate"><span class="pl-c"><span class="pl-c">#</span> Use kubectl with wrong ADC</span> gcloud auth application-default login <span class="pl-c"><span class="pl-c">#</span> -&gt; Auth with user A</span> kubectl --context cluster-A version <span class="pl-c"><span class="pl-c">#</span> Ok + caches good creds</span> kubectl --context cluster-B version <span class="pl-c"><span class="pl-c">#</span> Oops + caches bad creds</span> gcloud auth application-default login <span class="pl-c"><span class="pl-c">#</span> -&gt; Auth with user B</span> kubectl --context cluster-B version <span class="pl-c"><span class="pl-c">#</span> Fails, stuck on bad creds cached in ~/.kube/config</span> kubectl --context cluster-A version <span class="pl-c"><span class="pl-c">#</span> Still works, using cached good creds</span> <span class="pl-c"><span class="pl-c">#</span> User is now stuck and confused with no clear approach to resolve...</span> <span class="pl-c"><span class="pl-c">#</span> Tada!</span> vim <span class="pl-k">~</span>/.kube/config <span class="pl-c"><span class="pl-c">#</span> Manually remove users[].user.auth-provider.config for cluster-B</span> kubectl --context cluster-B version <span class="pl-c"><span class="pl-c">#</span> Ok + caches good creds</span> <span class="pl-c"><span class="pl-c">#</span> Both now work</span> kubectl --context cluster-A version <span class="pl-c"><span class="pl-c">#</span> Ok, using cached good creds</span> kubectl --context cluster-B version <span class="pl-c"><span class="pl-c">#</span> Ok, using cached good creds</span></pre></div>
<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">Bug?</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">exec format error</p> <hr> <p dir="auto"><strong>Is this a BUG REPORT or FEATURE REQUEST?</strong> (choose one):</p> <p dir="auto"><strong>Kubernetes version</strong> (use <code class="notranslate">kubectl version</code>):</p> <p dir="auto">Build from source K8s master and 1.5.0a</p> <p dir="auto"><strong>Environment</strong>:</p> <ul dir="auto"> <li><strong>Cloud provider or hardware configuration</strong>:</li> </ul> <p dir="auto">Raspberry Pi 3</p> <ul dir="auto"> <li><strong>OS</strong> (e.g. from /etc/os-release):</li> </ul> <p dir="auto">HypriotOS 1.0</p> <ul dir="auto"> <li><strong>Kernel</strong> (e.g. <code class="notranslate">uname -a</code>):</li> </ul> <p dir="auto">Linux k8smaster 4.4.15-hypriotos-v7+ <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 PREEMPT Mon Jul 25 08:46:52 UTC 2016 armv7l GNU/Linux</p> <ul dir="auto"> <li><strong>Install tools</strong>:</li> <li><strong>Others</strong>:</li> </ul> <p dir="auto"><strong>What happened</strong>:</p> <p dir="auto">Status: Downloaded newer image for gcr.io/google_containers/kube-cross:v1.6.3-9<br> ---&gt; e4ded450d60b<br> Step 2 : RUN touch /kube-build-image<br> ---&gt; Running in 309c88797965<br> standard_init_linux.go:175: exec user process caused "exec format error"<br> The command '/bin/sh -c touch /kube-build-image' returned a non-zero code: 1</p> <p dir="auto">To retry manually, run:</p> <p dir="auto">docker build -t kube-build:build-cc7f4ab6d3-4-v1.6.3-9 --pull=false /home/pirate/kubernetes/_output/images/kube-build:build-cc7f4ab6d3-4-v1.6.3-9</p> <p dir="auto">Makefile:239: recipe for target 'release' failed<br> make: *** [release] Error 1</p> <p dir="auto"><strong>What you expected to happen</strong>:</p> <p dir="auto">make release to complete</p> <p dir="auto"><strong>How to reproduce it</strong> (as minimally and precisely as possible):</p> <p dir="auto">o Download Hypriot flash tool: flash <a href="https://downloads.hypriot.com/hypriotos-rpi-v1.0.0.img.zip" rel="nofollow">https://downloads.hypriot.com/hypriotos-rpi-v1.0.0.img.zip</a><br> o Flash image on SD card: <a href="http://blog.hypriot.com/post/releasing-HypriotOS-1-0/" rel="nofollow">http://blog.hypriot.com/post/releasing-HypriotOS-1-0/</a><br> o Boot rpi 3 from SD card<br> o git clone <a href="https://github.com/kubernetes/kubernetes.git">https://github.com/kubernetes/kubernetes.git</a><br> o cd kubernetes &amp;&amp; make release</p> <p dir="auto"><strong>Anything else do we need to know</strong>:</p> <p dir="auto">docker version<br> Client:<br> Version: 1.12.1<br> API version: 1.24<br> Go version: go1.6.3<br> Git commit: 23cf638<br> Built: Thu Aug 18 05:31:15 2016<br> OS/Arch: linux/arm</p> <p dir="auto">Server:<br> Version: 1.12.1<br> API version: 1.24<br> Go version: go1.6.3<br> Git commit: 23cf638<br> Built: Thu Aug 18 05:31:15 2016<br> OS/Arch: linux/arm</p>
0
<p dir="auto">OpenCV 4.0.0 alpha cannot be easily included in a /clr or /clr:pure Visual Studio project, because of the new native use of <code class="notranslate">&lt;mutex&gt;</code>, which is forbidden in that case.<br> It would be easy to fix it, using a cv::Mutex wrapper around std::recursive_mutex (instead of straight typedef), with an opaque implementation that would only include <code class="notranslate">&lt;mutex&gt;</code> in the cpp file.<br> But would such a patch be accepted ?</p>
<h5 dir="auto">System information (version)</h5> <ul dir="auto"> <li>OpenCV =&gt; 3.4.1</li> <li>Operating System / Platform =&gt; Windows 64 Bit</li> <li>Compiler =&gt; Visual Studio 2017</li> </ul> <h5 dir="auto">Detailed description</h5> <p dir="auto">I can not compile quite simple OpenCV project with CLR on Visual Studio 2017. It gives me "&lt; mutex &gt; is not supported when compiling with /clr or /clr:pure." error.</p> <h5 dir="auto">Steps to reproduce</h5> <ul dir="auto"> <li>Start a new empty C++ project on Visual Studio 2017.</li> <li>Try to read and show an image.</li> <li>Go to project properties -&gt; Configuration Properties -&gt; General -&gt; Common Language Runtime Support -&gt; Select Common Language Runtime Support (/CLR)</li> <li>Try to build.</li> </ul>
1
<p dir="auto"><strong>Apache Airflow version</strong>: 1.10.9</p> <p dir="auto">**Kubernetes version: 1.15.11</p> <p dir="auto"><strong>Environment</strong>:</p> <ul dir="auto"> <li><strong>Cloud provider</strong>: Google Cloud</li> </ul> <p dir="auto"><strong>What happened</strong>:</p> <p dir="auto">I started to notice that Airflow webserver performance degrades over time. At one moment all my webserver pods had 100% CPU used, so UI and API became too slow, even unusable.<br> I started to investigate this issue and looks like it depends on amount of task instances stored in DB. I had 100,000+ of them in the task_instance table. When I checked what process took full CPU on webserver pods, that was a gunicorn. After I cleaned up task_instance table, CPU usage dropped to nothing. Right now I have 30,000 tasks completed and see CPU spikes again.<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/57914365/81267874-d777f300-904f-11ea-9edf-3a389e5742e3.png"><img src="https://user-images.githubusercontent.com/57914365/81267874-d777f300-904f-11ea-9edf-3a389e5742e3.png" alt="Screenshot from 2020-05-07 10-43-27" style="max-width: 100%;"></a><br> Also this issue seems to go away if I disable all my DAGs. Looks like webserver has some query which executes from time to time and consumes all the CPU.</p> <p dir="auto"><strong>What you expected to happen</strong>:</p> <p dir="auto">Amount of completed tasks do not influence the webserver performance.</p> <p dir="auto"><strong>How to reproduce it</strong>:</p> <p dir="auto">Generate 100,000 tasks and have 10 enabled DAGs in Airflow. Webserver CPU usage will be high, web becomes unusable.</p>
<p dir="auto"><strong>Apache Airflow version</strong>: 1.10.7</p> <p dir="auto"><strong>Kubernetes version (if you are using kubernetes)</strong> (use <code class="notranslate">kubectl version</code>):</p> <p dir="auto"><strong>Environment</strong>: local</p> <ul dir="auto"> <li><strong>Cloud provider or hardware configuration</strong>: 3Ghz Intel Core i5, 16GB</li> <li><strong>OS</strong> (e.g. from /etc/os-release): Debian 9</li> <li><strong>Kernel</strong> (e.g. <code class="notranslate">uname -a</code>): Linux debian 4.9.0-12-amd64 <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="69689814" data-permission-text="Title is private" data-url="https://github.com/apache/airflow/issues/1" data-hovercard-type="pull_request" data-hovercard-url="/apache/airflow/pull/1/hovercard" href="https://github.com/apache/airflow/pull/1">#1</a> SMP Debian 4.9.210-1 (2020-01-20) x86_64 GNU/Linux</li> <li><strong>Install tools</strong>:</li> <li><strong>Others</strong>:</li> </ul> <p dir="auto"><strong>What happened</strong>:</p> <p dir="auto">Traceback (most recent call last):<br> File "/usr/local/bin/airflow", line 26, in <br> from airflow.bin.cli import CLIFactory<br> File "/usr/local/lib/python3.6/site-packages/airflow/bin/cli.py", line 71, in <br> from airflow.www_rbac.app import cached_app as cached_app_rbac<br> File "/usr/local/lib/python3.6/site-packages/airflow/www_rbac/app.py", line 26, in <br> from flask_appbuilder import AppBuilder, SQLA<br> File "/usr/local/lib/python3.6/site-packages/flask_appbuilder/<strong>init</strong>.py", line 6, in <br> from .base import AppBuilder # noqa: F401<br> File "/usr/local/lib/python3.6/site-packages/flask_appbuilder/base.py", line 8, in <br> from .api.manager import OpenApiManager<br> File "/usr/local/lib/python3.6/site-packages/flask_appbuilder/api/manager.py", line 7, in <br> from flask_appbuilder.baseviews import BaseView<br> File "/usr/local/lib/python3.6/site-packages/flask_appbuilder/baseviews.py", line 21, in <br> from .forms import GeneralModelConverter<br> File "/usr/local/lib/python3.6/site-packages/flask_appbuilder/forms.py", line 17, in <br> from .fieldwidgets import (<br> File "/usr/local/lib/python3.6/site-packages/flask_appbuilder/fieldwidgets.py", line 3, in <br> from wtforms.widgets import html_params, HTMLString<br> ImportError: cannot import name 'HTMLString'</p> <p dir="auto">It seems that after the release of WTForms==2.3.0 webserver doesnt start<br> Changing it back to WTForms==2.2.1 solves the issue</p> <p dir="auto"><strong>How to reproduce it</strong>:<br> Use WTForms==2.3.0</p>
0
<p dir="auto">As i use the sharding-sphere in my old project . There is some sql segement like<br> insert into a (a,b) value(?,?) on duplicate key update a= ? , b = ? + b by use the PreparedStatement<br> then the sharding-sphere will ignore the last two question symbol , then will cause the parameter 3 not found exception .<br> As i go through the source code in version 3.0.1-SNAPSHOT and found there is not any logic to handle the placeholder in 'on duplicate key update' , so just support sql like insert into a (a,b) value(?,?) on duplicate key update a= VALUES(a) , b = VALUES(b) .<br> Does this feature will support sooner , or any consideration for the sql at the beginning.<br> As i have modified the code to support it .</p>
<h2 dir="auto">Bug Report</h2> <h3 dir="auto">Which version of ShardingSphere did you use?</h3> <p dir="auto">Both 5.0.0-alpha and 5.0.0-beta have this problem.</p> <h3 dir="auto">Which project did you use? ShardingSphere-JDBC or ShardingSphere-Proxy?</h3> <p dir="auto">ShardingSphere-JDBC</p> <h3 dir="auto">Expected behavior</h3> <p dir="auto">Successful execution of sql.</p> <h3 dir="auto">Actual behavior</h3> <p dir="auto">Unsuccessful execution of sql</p> <h3 dir="auto">Reason analyze (If you can)</h3> <p dir="auto">N/A</p> <h3 dir="auto">Steps to reproduce the behavior, such as: SQL to execute, sharding rule configuration, when exception occur etc.</h3> <p dir="auto">Use Oracle 11g,MybatisPlus.<br> Run the TestdemoApplicationTests will get java.sql.SQLException: getValidColumnIndex.<br> If you don't use sharding, you will get the correct result.</p> <h3 dir="auto">Example codes for reproduce this issue (such as a github link).</h3> <p dir="auto"><a href="https://github.com/xueshiji/testdemo.git">https://github.com/xueshiji/testdemo.git</a></p>
0
<pre class="notranslate">for example, one might want to solve <a href="https://golang.org/issue/4357" rel="nofollow">issue #4357</a> with this. a test program: <a href="http://play.golang.org/p/gyk1yehoTp" rel="nofollow">http://play.golang.org/p/gyk1yehoTp</a> i think we can treat a nil byte slice as the signal.</pre>
<pre class="notranslate">Time.MarshalJSON also encodes uninitialized time.Time values. It would be better if the encoding was guarded with IsZero() to avoid returning meaningless times.</pre>
0
<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">generated.Asset</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">Today's HOT.</p> <p dir="auto">commit <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/kubernetes/kubernetes/commit/b71def750f3ec1978b0e890e6fae106a20f33a9b/hovercard" href="https://github.com/kubernetes/kubernetes/commit/b71def750f3ec1978b0e890e6fae106a20f33a9b"><tt>b71def7</tt></a></p> <p dir="auto"><strong>Environment</strong>:</p> <p dir="auto">Build on Ubuntu 16.04</p> <p dir="auto"><strong>What happened</strong>:</p> <p dir="auto">git pull of latest code, then make release fails with</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="+++ [0930 02:04:05] Starting etcd instance etcd --advertise-client-urls http://127.0.0.1:2379 --data-dir /tmp.k8s/tmp.fcfyJnEiqq --listen-client-urls http://127.0.0.1:2379 --debug &gt; &quot;/dev/null&quot; 2&gt;/dev/null Waiting for etcd to come up. +++ [0930 02:04:05] On try 1, etcd: : {&quot;action&quot;:&quot;set&quot;,&quot;node&quot;:{&quot;key&quot;:&quot;/_test&quot;,&quot;value&quot;:&quot;&quot;,&quot;modifiedIndex&quot;:3,&quot;createdIndex&quot;:3}} +++ [0930 02:04:06] Running integration test cases Running tests for APIVersion: v1,apps/v1alpha1,authentication.k8s.io/v1beta1,authorization.k8s.io/v1beta1,autoscaling/v1,batch/v1,batch/v2alpha1,certificates.k8s.io/v1alpha1, extensions/v1beta1,imagepolicy.k8s.io/v1alpha1,policy/v1alpha1,rbac.authorization.k8s.io/v1alpha1,storage.k8s.io/v1beta1 +++ [0930 02:04:07] Running tests without code coverage # k8s.io/kubernetes/test/e2e/framework test/e2e/framework/gobindata_util.go:30: undefined: generated.Asset test/e2e/framework/gobindata_util.go:33: undefined: generated.AssetNames Makefile:118: recipe for target 'test' failed make[1]: *** [test] Error 1 +++ [0930 02:05:19] Cleaning up etcd +++ [0930 02:05:19] Integration test cleanup complete Makefile:130: recipe for target 'test-integration' failed make: *** [test-integration] Error 1 Makefile:239: recipe for target 'release' failed make: *** [release] Error 1 "><pre class="notranslate"><code class="notranslate">+++ [0930 02:04:05] Starting etcd instance etcd --advertise-client-urls http://127.0.0.1:2379 --data-dir /tmp.k8s/tmp.fcfyJnEiqq --listen-client-urls http://127.0.0.1:2379 --debug &gt; "/dev/null" 2&gt;/dev/null Waiting for etcd to come up. +++ [0930 02:04:05] On try 1, etcd: : {"action":"set","node":{"key":"/_test","value":"","modifiedIndex":3,"createdIndex":3}} +++ [0930 02:04:06] Running integration test cases Running tests for APIVersion: v1,apps/v1alpha1,authentication.k8s.io/v1beta1,authorization.k8s.io/v1beta1,autoscaling/v1,batch/v1,batch/v2alpha1,certificates.k8s.io/v1alpha1, extensions/v1beta1,imagepolicy.k8s.io/v1alpha1,policy/v1alpha1,rbac.authorization.k8s.io/v1alpha1,storage.k8s.io/v1beta1 +++ [0930 02:04:07] Running tests without code coverage # k8s.io/kubernetes/test/e2e/framework test/e2e/framework/gobindata_util.go:30: undefined: generated.Asset test/e2e/framework/gobindata_util.go:33: undefined: generated.AssetNames Makefile:118: recipe for target 'test' failed make[1]: *** [test] Error 1 +++ [0930 02:05:19] Cleaning up etcd +++ [0930 02:05:19] Integration test cleanup complete Makefile:130: recipe for target 'test-integration' failed make: *** [test-integration] Error 1 Makefile:239: recipe for target 'release' failed make: *** [release] Error 1 </code></pre></div> <p dir="auto"><strong>What you expected to happen</strong>:</p> <p dir="auto">Build to complete</p> <p dir="auto"><strong>How to reproduce it</strong> (as minimally and precisely as possible):</p> <p dir="auto">git pull; make release</p> <p dir="auto"><strong>Anything else do we need to know</strong>:</p> <p dir="auto">I saw the same thing yesterday on a slightly older commit, so this is not a very recent regression.</p>
<p dir="auto">Something like:</p> <div class="highlight highlight-source-yaml notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="rules: - host: foo.bar.com path: /api backend: - serviceName: alpha1 weight: 1, or 33% - serviceName: alpha2 weight: 2, or 66%"><pre class="notranslate"><span class="pl-ent">rules</span>: - <span class="pl-ent">host</span>: <span class="pl-s">foo.bar.com</span> <span class="pl-ent">path</span>: <span class="pl-s">/api</span> <span class="pl-ent">backend</span>: - <span class="pl-ent">serviceName</span>: <span class="pl-s">alpha1</span> <span class="pl-ent">weight</span>: <span class="pl-s">1, or 33%</span> - <span class="pl-ent">serviceName</span>: <span class="pl-s">alpha2</span> <span class="pl-ent">weight</span>: <span class="pl-s">2, or 66%</span></pre></div> <p dir="auto">There'er ways to achieve similar splitting with either a deployment or by managing Service labels so they span a mix of alpha1 and alpha2 endpoints, but this seems more intuitive.</p> <p dir="auto">On GCE I think we'd have to use iptables stats to satisfy that, but we can't push it down into a Service because today a single Service only understands homogenous endpoints.</p> <p dir="auto">Nginx and haproxy understand wrr, so the 33% and 66% would have to apply to all the endpoints of the Service, and we'd just need to make sure the tie is broken evenly.</p>
0
<p dir="auto"><code class="notranslate">flutter run -v</code> getting stuck at <code class="notranslate">Waiting for observatory port to be available...</code>. Although the build is getting installed on iOS simulator, but nothing happens if I try to launch it, ie I see a white blank screen and then goes back to home screen. This is the gif for your reference :</p> <p dir="auto"><a href="https://media.giphy.com/media/g07ZufCWxlsNvTrQlE/giphy.gif" rel="nofollow">https://media.giphy.com/media/g07ZufCWxlsNvTrQlE/giphy.gif</a></p> <p dir="auto">The same command runs successfully on Android emulator with <code class="notranslate">Observatory URL on device: http://127.0.0.1:43116/</code>. Below is the log for iOS simulator:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" ** BUILD SUCCEEDED ** [ +16 ms] └─Compiling, linking and signing... (completed) [ ] Starting Xcode build... (completed) [ +12 ms] Xcode build done. 26.7s [ ] executing: [/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/] /usr/bin/env xcrun xcodebuild -configuration Debug VERBOSE_SCRIPT_LOGGING=YES -workspace Runner.xcworkspace -scheme Runner BUILD_DIR=/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios -sdk iphonesimulator -arch x86_64 SCRIPT_OUTPUT_STREAM_FILE=/var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/T/flutter_build_log_pipe.X1FQFB/pipe_to_stdout -showBuildSettings [+2605 ms] Exit code 0 from: /usr/bin/env xcrun xcodebuild -configuration Debug VERBOSE_SCRIPT_LOGGING=YES -workspace Runner.xcworkspace -scheme Runner BUILD_DIR=/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios -sdk iphonesimulator -arch x86_64 SCRIPT_OUTPUT_STREAM_FILE=/var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/T/flutter_build_log_pipe.X1FQFB/pipe_to_stdout -showBuildSettings [ ] Build settings from command line: ARCHS = x86_64 BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios SCRIPT_OUTPUT_STREAM_FILE = /var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/T/flutter_build_log_pipe.X1FQFB/pipe_to_stdout SDKROOT = iphonesimulator11.4 VERBOSE_SCRIPT_LOGGING = YES Build settings for action build and target Runner: ACTION = build AD_HOC_CODE_SIGNING_ALLOWED = YES ALTERNATE_GROUP = staff ALTERNATE_MODE = u+w,go-w,a+rX ALTERNATE_OWNER = deeptibelsare ALWAYS_EMBED_SWIFT_STANDARD_LIBRARIES = NO ALWAYS_SEARCH_USER_PATHS = NO ALWAYS_USE_SEPARATE_HEADERMAPS = NO APPLE_INTERNAL_DEVELOPER_DIR = /AppleInternal/Developer APPLE_INTERNAL_DIR = /AppleInternal APPLE_INTERNAL_DOCUMENTATION_DIR = /AppleInternal/Documentation APPLE_INTERNAL_LIBRARY_DIR = /AppleInternal/Library APPLE_INTERNAL_TOOLS = /AppleInternal/Developer/Tools APPLICATION_EXTENSION_API_ONLY = NO APPLY_RULES_IN_COPY_FILES = NO ARCHS = x86_64 ARCHS_STANDARD = x86_64 ARCHS_STANDARD_32_64_BIT = i386 x86_64 ARCHS_STANDARD_32_BIT = i386 ARCHS_STANDARD_64_BIT = x86_64 ARCHS_STANDARD_INCLUDING_64_BIT = x86_64 ARCHS_UNIVERSAL_IPHONE_OS = i386 x86_64 ASSETCATALOG_COMPILER_APPICON_NAME = AppIcon AVAILABLE_PLATFORMS = appletvos appletvsimulator iphoneos iphonesimulator macosx watchos watchsimulator BITCODE_GENERATION_MODE = marker BUILD_ACTIVE_RESOURCES_ONLY = NO BUILD_COMPONENTS = headers build BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios BUILD_ROOT = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Products BUILD_STYLE = BUILD_VARIANTS = normal BUILT_PRODUCTS_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator CACHE_ROOT = /var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/C/com.apple.DeveloperTools/9.4.1-9F2000/Xcode CCHROOT = /var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/C/com.apple.DeveloperTools/9.4.1-9F2000/Xcode CHMOD = /bin/chmod CHOWN = /usr/sbin/chown CLANG_ANALYZER_NONNULL = YES CLANG_CXX_LANGUAGE_STANDARD = gnu++0x CLANG_CXX_LIBRARY = libc++ CLANG_ENABLE_MODULES = YES CLANG_ENABLE_OBJC_ARC = YES CLANG_WARN_BLOCK_CAPTURE_AUTORELEASING = YES CLANG_WARN_BOOL_CONVERSION = YES CLANG_WARN_COMMA = YES CLANG_WARN_CONSTANT_CONVERSION = YES CLANG_WARN_DIRECT_OBJC_ISA_USAGE = YES_ERROR CLANG_WARN_EMPTY_BODY = YES CLANG_WARN_ENUM_CONVERSION = YES CLANG_WARN_INFINITE_RECURSION = YES CLANG_WARN_INT_CONVERSION = YES CLANG_WARN_NON_LITERAL_NULL_CONVERSION = YES CLANG_WARN_OBJC_LITERAL_CONVERSION = YES CLANG_WARN_OBJC_ROOT_CLASS = YES_ERROR CLANG_WARN_RANGE_LOOP_ANALYSIS = YES CLANG_WARN_STRICT_PROTOTYPES = YES CLANG_WARN_SUSPICIOUS_MOVE = YES CLANG_WARN_UNREACHABLE_CODE = YES CLANG_WARN__DUPLICATE_METHOD_MATCH = YES CLASS_FILE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/JavaClasses CLEAN_PRECOMPS = YES CLONE_HEADERS = NO CODESIGNING_FOLDER_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/Runner.app CODE_SIGNING_ALLOWED = YES CODE_SIGNING_REQUIRED = YES CODE_SIGN_CONTEXT_CLASS = XCiPhoneSimulatorCodeSignContext CODE_SIGN_ENTITLEMENTS = Runner/Runner.entitlements CODE_SIGN_IDENTITY = - CODE_SIGN_INJECT_BASE_ENTITLEMENTS = YES COLOR_DIAGNOSTICS = NO COMBINE_HIDPI_IMAGES = NO COMPILER_INDEX_STORE_ENABLE = Default COMPOSITE_SDK_DIRS = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/CompositeSDKs COMPRESS_PNG_FILES = YES CONFIGURATION = Debug CONFIGURATION_BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator CONFIGURATION_TEMP_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator CONTENTS_FOLDER_PATH = Runner.app COPYING_PRESERVES_HFS_DATA = NO COPY_HEADERS_RUN_UNIFDEF = NO COPY_PHASE_STRIP = NO COPY_RESOURCES_FROM_STATIC_FRAMEWORKS = YES CORRESPONDING_DEVICE_PLATFORM_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneOS.platform CORRESPONDING_DEVICE_PLATFORM_NAME = iphoneos CORRESPONDING_DEVICE_SDK_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneOS.platform/Developer/SDKs/iPhoneOS11.4.sdk CORRESPONDING_DEVICE_SDK_NAME = iphoneos11.4 CP = /bin/cp CREATE_INFOPLIST_SECTION_IN_BINARY = NO CURRENT_ARCH = x86_64 CURRENT_PROJECT_VERSION = 1 CURRENT_VARIANT = normal DEAD_CODE_STRIPPING = YES DEBUGGING_SYMBOLS = YES DEBUG_INFORMATION_FORMAT = dwarf DEFAULT_COMPILER = com.apple.compilers.llvm.clang.1_0 DEFAULT_KEXT_INSTALL_PATH = /System/Library/Extensions DEFINES_MODULE = NO DEPLOYMENT_LOCATION = NO DEPLOYMENT_POSTPROCESSING = NO DEPLOYMENT_TARGET_CLANG_ENV_NAME = IPHONEOS_DEPLOYMENT_TARGET DEPLOYMENT_TARGET_CLANG_FLAG_NAME = mios-simulator-version-min DEPLOYMENT_TARGET_CLANG_FLAG_PREFIX = -mios-simulator-version-min= DEPLOYMENT_TARGET_SETTING_NAME = IPHONEOS_DEPLOYMENT_TARGET DEPLOYMENT_TARGET_SUGGESTED_VALUES = 8.0 8.1 8.2 8.3 8.4 9.0 9.1 9.2 9.3 10.0 10.1 10.2 10.3 11.0 11.1 11.2 11.3 11.4 DERIVED_FILES_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/DerivedSources DERIVED_FILE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/DerivedSources DERIVED_SOURCES_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/DerivedSources DEVELOPER_APPLICATIONS_DIR = /Applications/Xcode.app/Contents/Developer/Applications DEVELOPER_BIN_DIR = /Applications/Xcode.app/Contents/Developer/usr/bin DEVELOPER_DIR = /Applications/Xcode.app/Contents/Developer DEVELOPER_FRAMEWORKS_DIR = /Applications/Xcode.app/Contents/Developer/Library/Frameworks DEVELOPER_FRAMEWORKS_DIR_QUOTED = /Applications/Xcode.app/Contents/Developer/Library/Frameworks DEVELOPER_LIBRARY_DIR = /Applications/Xcode.app/Contents/Developer/Library DEVELOPER_SDK_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/MacOSX.platform/Developer/SDKs DEVELOPER_TOOLS_DIR = /Applications/Xcode.app/Contents/Developer/Tools DEVELOPER_USR_DIR = /Applications/Xcode.app/Contents/Developer/usr DEVELOPMENT_LANGUAGE = English DEVELOPMENT_TEAM = CZ689HK6M5 DOCUMENTATION_FOLDER_PATH = Runner.app/English.lproj/Documentation DO_HEADER_SCANNING_IN_JAM = NO DSTROOT = /tmp/Runner.dst DT_TOOLCHAIN_DIR = /Applications/Xcode.app/Contents/Developer/Toolchains/XcodeDefault.xctoolchain DWARF_DSYM_FILE_NAME = Runner.app.dSYM DWARF_DSYM_FILE_SHOULD_ACCOMPANY_PRODUCT = NO DWARF_DSYM_FOLDER_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator EFFECTIVE_PLATFORM_NAME = -iphonesimulator EMBEDDED_CONTENT_CONTAINS_SWIFT = NO EMBED_ASSET_PACKS_IN_PRODUCT_BUNDLE = NO ENABLE_BITCODE = NO ENABLE_DEFAULT_HEADER_SEARCH_PATHS = YES ENABLE_HEADER_DEPENDENCIES = YES ENABLE_ON_DEMAND_RESOURCES = YES ENABLE_STRICT_OBJC_MSGSEND = YES ENABLE_TESTABILITY = YES ENTITLEMENTS_REQUIRED = YES EXCLUDED_INSTALLSRC_SUBDIRECTORY_PATTERNS = .DS_Store .svn .git .hg CVS EXCLUDED_RECURSIVE_SEARCH_PATH_SUBDIRECTORIES = *.nib *.lproj *.framework *.gch *.xcode* *.xcassets (*) .DS_Store CVS .svn .git .hg *.pbproj *.pbxproj EXECUTABLES_FOLDER_PATH = Runner.app/Executables EXECUTABLE_FOLDER_PATH = Runner.app EXECUTABLE_NAME = Runner EXECUTABLE_PATH = Runner.app/Runner EXPANDED_CODE_SIGN_IDENTITY = EXPANDED_CODE_SIGN_IDENTITY_NAME = EXPANDED_PROVISIONING_PROFILE = FILE_LIST = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/Objects/LinkFileList FIXED_FILES_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/FixedFiles FLUTTER_APPLICATION_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter FLUTTER_BUILD_DIR = build FLUTTER_BUILD_MODE = debug FLUTTER_FRAMEWORK_DIR = /Users/deeptibelsare/Documents/DarshanUdacity/Flutter/flutter/bin/cache/artifacts/engine/ios FLUTTER_ROOT = /Users/deeptibelsare/Documents/DarshanUdacity/Flutter/flutter FLUTTER_TARGET = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/lib/main.dart FRAMEWORKS_FOLDER_PATH = Runner.app/Frameworks FRAMEWORK_FLAG_PREFIX = -framework FRAMEWORK_SEARCH_PATHS = &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/FirebaseAnalytics/Frameworks&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/FirebaseInstanceID/Frameworks&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/.symlinks/flutter/ios&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/GoogleSignIn/Frameworks&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/TwilioVideo/Build/iOS&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/FirebaseAnalytics/Frameworks&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/FirebaseInstanceID/Frameworks&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/.symlinks/flutter/ios&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/GoogleSignIn/Frameworks&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/TwilioVideo/Build/iOS&quot; /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Flutter FRAMEWORK_VERSION = A FULL_PRODUCT_NAME = Runner.app GCC3_VERSION = 3.3 GCC_C_LANGUAGE_STANDARD = gnu99 GCC_DYNAMIC_NO_PIC = NO GCC_INLINES_ARE_PRIVATE_EXTERN = YES GCC_NO_COMMON_BLOCKS = YES GCC_OBJC_LEGACY_DISPATCH = YES GCC_OPTIMIZATION_LEVEL = 0 GCC_PFE_FILE_C_DIALECTS = c objective-c c++ objective-c++ GCC_PREPROCESSOR_DEFINITIONS = DEBUG=1 COCOAPODS=1 GTM_OAUTH2_USE_FRAMEWORK_IMPORTS=1 GPB_USE_PROTOBUF_FRAMEWORK_IMPORTS=1 PB_FIELD_32BIT=1 PB_NO_PACKED_STRUCTS=1 COCOAPODS=1 DEBUG=1 COCOAPODS=1 GTM_OAUTH2_USE_FRAMEWORK_IMPORTS=1 GPB_USE_PROTOBUF_FRAMEWORK_IMPORTS=1 PB_FIELD_32BIT=1 PB_NO_PACKED_STRUCTS=1 GTM_OAUTH2_USE_FRAMEWORK_IMPORTS=1 DEBUG=1 COCOAPODS=1 GTM_OAUTH2_USE_FRAMEWORK_IMPORTS=1 GPB_USE_PROTOBUF_FRAMEWORK_IMPORTS=1 PB_FIELD_32BIT=1 PB_NO_PACKED_STRUCTS=1 GPB_USE_PROTOBUF_FRAMEWORK_IMPORTS=1 DEBUG=1 COCOAPODS=1 GTM_OAUTH2_USE_FRAMEWORK_IMPORTS=1 GPB_USE_PROTOBUF_FRAMEWORK_IMPORTS=1 PB_FIELD_32BIT=1 PB_NO_PACKED_STRUCTS=1 PB_FIELD_32BIT=1 PB_NO_PACKED_STRUCTS=1 GCC_SYMBOLS_PRIVATE_EXTERN = NO GCC_TREAT_WARNINGS_AS_ERRORS = NO GCC_VERSION = com.apple.compilers.llvm.clang.1_0 GCC_VERSION_IDENTIFIER = com_apple_compilers_llvm_clang_1_0 GCC_WARN_64_TO_32_BIT_CONVERSION = YES GCC_WARN_ABOUT_RETURN_TYPE = YES_ERROR GCC_WARN_UNDECLARED_SELECTOR = YES GCC_WARN_UNINITIALIZED_AUTOS = YES_AGGRESSIVE GCC_WARN_UNUSED_FUNCTION = YES GCC_WARN_UNUSED_VARIABLE = YES GENERATE_MASTER_OBJECT_FILE = NO GENERATE_PKGINFO_FILE = YES GENERATE_PROFILING_CODE = NO GENERATE_TEXT_BASED_STUBS = NO GID = 20 GROUP = staff HEADERMAP_INCLUDES_FLAT_ENTRIES_FOR_TARGET_BEING_BUILT = YES HEADERMAP_INCLUDES_FRAMEWORK_ENTRIES_FOR_ALL_PRODUCT_TYPES = YES HEADERMAP_INCLUDES_NONPUBLIC_NONPRIVATE_HEADERS = YES HEADERMAP_INCLUDES_PROJECT_HEADERS = YES HEADERMAP_USES_FRAMEWORK_PREFIX_ENTRIES = YES HEADERMAP_USES_VFS = NO HEADER_SEARCH_PATHS = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Firebase/CoreOnly/Sources &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher&quot; /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Firebase/CoreOnly/Sources &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher&quot; HIDE_BITCODE_SYMBOLS = YES HOME = /Users/deeptibelsare ICONV = /usr/bin/iconv INFOPLIST_EXPAND_BUILD_SETTINGS = YES INFOPLIST_FILE = Runner/Info.plist INFOPLIST_OUTPUT_FORMAT = binary INFOPLIST_PATH = Runner.app/Info.plist INFOPLIST_PREPROCESS = NO INFOSTRINGS_PATH = Runner.app/English.lproj/InfoPlist.strings INLINE_PRIVATE_FRAMEWORKS = NO INSTALLHDRS_COPY_PHASE = NO INSTALLHDRS_SCRIPT_PHASE = NO INSTALL_DIR = /tmp/Runner.dst/Applications INSTALL_GROUP = staff INSTALL_MODE_FLAG = u+w,go-w,a+rX INSTALL_OWNER = deeptibelsare INSTALL_PATH = /Applications INSTALL_ROOT = /tmp/Runner.dst IPHONEOS_DEPLOYMENT_TARGET = 12.0 JAVAC_DEFAULT_FLAGS = -J-Xms64m -J-XX:NewSize=4M -J-Dfile.encoding=UTF8 JAVA_APP_STUB = /System/Library/Frameworks/JavaVM.framework/Resources/MacOS/JavaApplicationStub JAVA_ARCHIVE_CLASSES = YES JAVA_ARCHIVE_TYPE = JAR JAVA_COMPILER = /usr/bin/javac JAVA_FOLDER_PATH = Runner.app/Java JAVA_FRAMEWORK_RESOURCES_DIRS = Resources JAVA_JAR_FLAGS = cv JAVA_SOURCE_SUBDIR = . JAVA_USE_DEPENDENCIES = YES JAVA_ZIP_FLAGS = -urg JIKES_DEFAULT_FLAGS = +E +OLDCSO KEEP_PRIVATE_EXTERNS = NO LD_DEPENDENCY_INFO_FILE = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/Objects-normal/x86_64/Runner_dependency_info.dat LD_GENERATE_MAP_FILE = NO LD_MAP_FILE_PATH = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/Runner-LinkMap-normal-x86_64.txt LD_NO_PIE = NO LD_QUOTE_LINKER_ARGUMENTS_FOR_COMPILER_DRIVER = YES LD_RUNPATH_SEARCH_PATHS = '@executable_path/Frameworks' '@loader_path/Frameworks' '@executable_path/Frameworks' '@loader_path/Frameworks' @executable_path/Frameworks LEGACY_DEVELOPER_DIR = /Applications/Xcode.app/Contents/PlugIns/Xcode3Core.ideplugin/Contents/SharedSupport/Developer LEX = lex LIBRARY_FLAG_NOSPACE = YES LIBRARY_FLAG_PREFIX = -l LIBRARY_KEXT_INSTALL_PATH = /Library/Extensions LIBRARY_SEARCH_PATHS = &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseAuth&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseCore&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseMessaging&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GTMOAuth2&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GTMSessionFetcher&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GoogleToolboxForMac&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/Protobuf&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/firebase_auth&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/firebase_messaging&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/fluttertoast&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/google_sign_in&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/nanopb&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/url_launcher&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseAuth&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseCore&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseMessaging&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GTMOAuth2&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GTMSessionFetcher&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GoogleToolboxForMac&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/Protobuf&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/firebase_auth&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/firebase_messaging&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/fluttertoast&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/google_sign_in&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/nanopb&quot; &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/url_launcher&quot; /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Flutter LINKER_DISPLAYS_MANGLED_NAMES = NO LINK_FILE_LIST_normal_x86_64 = LINK_WITH_STANDARD_LIBRARIES = YES LOCALIZABLE_CONTENT_DIR = LOCALIZED_RESOURCES_FOLDER_PATH = Runner.app/English.lproj LOCALIZED_STRING_MACRO_NAMES = NSLocalizedString CFLocalizedString LOCAL_ADMIN_APPS_DIR = /Applications/Utilities LOCAL_APPS_DIR = /Applications LOCAL_DEVELOPER_DIR = /Library/Developer LOCAL_LIBRARY_DIR = /Library LOCROOT = LOCSYMROOT = MACH_O_TYPE = mh_execute MAC_OS_X_PRODUCT_BUILD_VERSION = 17C88 MAC_OS_X_VERSION_ACTUAL = 101302 MAC_OS_X_VERSION_MAJOR = 101300 MAC_OS_X_VERSION_MINOR = 1302 METAL_LIBRARY_FILE_BASE = default METAL_LIBRARY_OUTPUT_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/Runner.app MODULE_CACHE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/ModuleCache.noindex MTL_ENABLE_DEBUG_INFO = YES NATIVE_ARCH = i386 NATIVE_ARCH_32_BIT = i386 NATIVE_ARCH_64_BIT = x86_64 NATIVE_ARCH_ACTUAL = x86_64 NO_COMMON = YES OBJC_ABI_VERSION = 2 OBJECT_FILE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/Objects OBJECT_FILE_DIR_normal = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/Objects-normal OBJROOT = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex ONLY_ACTIVE_ARCH = YES OS = MACOS OSAC = /usr/bin/osacompile OTHER_CFLAGS = -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher&quot; OTHER_CPLUSPLUSFLAGS = -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb&quot; -isystem &quot;/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher&quot; OTHER_LDFLAGS = -ObjC -l&quot;FirebaseAuth&quot; -l&quot;FirebaseCore&quot; -l&quot;FirebaseMessaging&quot; -l&quot;GTMOAuth2&quot; -l&quot;GTMSessionFetcher&quot; -l&quot;GoogleToolboxForMac&quot; -l&quot;Protobuf&quot; -l&quot;c++&quot; -l&quot;firebase_auth&quot; -l&quot;firebase_messaging&quot; -l&quot;fluttertoast&quot; -l&quot;google_sign_in&quot; -l&quot;nanopb&quot; -l&quot;sqlite3&quot; -l&quot;url_launcher&quot; -l&quot;z&quot; -framework &quot;CoreText&quot; -framework &quot;FirebaseAnalytics&quot; -framework &quot;FirebaseCoreDiagnostics&quot; -framework &quot;FirebaseInstanceID&quot; -framework &quot;FirebaseNanoPB&quot; -framework &quot;Flutter&quot; -framework &quot;Foundation&quot; -framework &quot;GoogleSignIn&quot; -framework &quot;SafariServices&quot; -framework &quot;Security&quot; -framework &quot;StoreKit&quot; -framework &quot;SystemConfiguration&quot; -framework &quot;TwilioVideo&quot; -ObjC -l&quot;FirebaseAuth&quot; -l&quot;FirebaseCore&quot; -l&quot;FirebaseMessaging&quot; -l&quot;GTMOAuth2&quot; -l&quot;GTMSessionFetcher&quot; -l&quot;GoogleToolboxForMac&quot; -l&quot;Protobuf&quot; -l&quot;c++&quot; -l&quot;firebase_auth&quot; -l&quot;firebase_messaging&quot; -l&quot;fluttertoast&quot; -l&quot;google_sign_in&quot; -l&quot;nanopb&quot; -l&quot;sqlite3&quot; -l&quot;url_launcher&quot; -l&quot;z&quot; -framework &quot;CoreText&quot; -framework &quot;FirebaseAnalytics&quot; -framework &quot;FirebaseCoreDiagnostics&quot; -framework &quot;FirebaseInstanceID&quot; -framework &quot;FirebaseNanoPB&quot; -framework &quot;Flutter&quot; -framework &quot;Foundation&quot; -framework &quot;GoogleSignIn&quot; -framework &quot;SafariServices&quot; -framework &quot;Security&quot; -framework &quot;StoreKit&quot; -framework &quot;SystemConfiguration&quot; -framework &quot;TwilioVideo&quot; PACKAGE_TYPE = com.apple.package-type.wrapper.application PASCAL_STRINGS = YES PATH = /Applications/Xcode.app/Contents/Developer/usr/bin:/usr/local/Cellar/gradle/4.9/bin:/Users/deeptibelsare/Documents/DarshanUdacity/Flutter/flutter/bin:/usr/local/bin:/usr/bin:/bin:/usr/sbin:/sbin:/usr/local/share/dotnet:~/.dotnet/tools:/Library/Frameworks/Mono.framework/Versions/Current/Commands# PATH_PREFIXES_EXCLUDED_FROM_HEADER_DEPENDENCIES = /usr/include /usr/local/include /System/Library/Frameworks /System/Library/PrivateFrameworks /Applications/Xcode.app/Contents/Developer/Headers /Applications/Xcode.app/Contents/Developer/SDKs /Applications/Xcode.app/Contents/Developer/Platforms PBDEVELOPMENTPLIST_PATH = Runner.app/pbdevelopment.plist PFE_FILE_C_DIALECTS = objective-c PKGINFO_FILE_PATH = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/PkgInfo PKGINFO_PATH = Runner.app/PkgInfo PLATFORM_DEVELOPER_APPLICATIONS_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/Applications PLATFORM_DEVELOPER_BIN_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/usr/bin PLATFORM_DEVELOPER_LIBRARY_DIR = /Applications/Xcode.app/Contents/PlugIns/Xcode3Core.ideplugin/Contents/SharedSupport/Developer/Library PLATFORM_DEVELOPER_SDK_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/SDKs PLATFORM_DEVELOPER_TOOLS_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/Tools PLATFORM_DEVELOPER_USR_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/usr PLATFORM_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform PLATFORM_DISPLAY_NAME = iOS Simulator PLATFORM_NAME = iphonesimulator PLATFORM_PREFERRED_ARCH = x86_64 PLIST_FILE_OUTPUT_FORMAT = binary PLUGINS_FOLDER_PATH = Runner.app/PlugIns PODS_BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios PODS_CONFIGURATION_BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator PODS_PODFILE_DIR_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/. PODS_ROOT = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods PRECOMPS_INCLUDE_HEADERS_FROM_BUILT_PRODUCTS_DIR = YES PRECOMP_DESTINATION_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/PrefixHeaders PRESERVE_DEAD_CODE_INITS_AND_TERMS = NO PRIVATE_HEADERS_FOLDER_PATH = Runner.app/PrivateHeaders PRODUCT_BUNDLE_IDENTIFIER = com.quickcarl.qcFlutter PRODUCT_MODULE_NAME = Runner PRODUCT_NAME = Runner PRODUCT_SETTINGS_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Runner/Info.plist PRODUCT_TYPE = com.apple.product-type.application PROFILING_CODE = NO PROJECT = Runner PROJECT_DERIVED_FILE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/DerivedSources PROJECT_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios PROJECT_FILE_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Runner.xcodeproj PROJECT_NAME = Runner PROJECT_TEMP_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build PROJECT_TEMP_ROOT = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex PUBLIC_HEADERS_FOLDER_PATH = Runner.app/Headers RECURSIVE_SEARCH_PATHS_FOLLOW_SYMLINKS = YES REMOVE_CVS_FROM_RESOURCES = YES REMOVE_GIT_FROM_RESOURCES = YES REMOVE_HEADERS_FROM_EMBEDDED_BUNDLES = YES REMOVE_HG_FROM_RESOURCES = YES REMOVE_SVN_FROM_RESOURCES = YES REZ_COLLECTOR_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/ResourceManagerResources REZ_OBJECTS_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/ResourceManagerResources/Objects SCAN_ALL_SOURCE_FILES_FOR_INCLUDES = NO SCRIPTS_FOLDER_PATH = Runner.app/Scripts SCRIPT_OUTPUT_STREAM_FILE = /var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/T/flutter_build_log_pipe.X1FQFB/pipe_to_stdout SDKROOT = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/SDKs/iPhoneSimulator11.4.sdk SDK_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/SDKs/iPhoneSimulator11.4.sdk SDK_DIR_iphonesimulator11_4 = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/SDKs/iPhoneSimulator11.4.sdk SDK_NAME = iphonesimulator11.4 SDK_NAMES = iphonesimulator11.4 SDK_PRODUCT_BUILD_VERSION = 15F79 SDK_VERSION = 11.4 SDK_VERSION_ACTUAL = 110400 SDK_VERSION_MAJOR = 110000 SDK_VERSION_MINOR = 400 SED = /usr/bin/sed SEPARATE_STRIP = NO SEPARATE_SYMBOL_EDIT = NO SET_DIR_MODE_OWNER_GROUP = YES SET_FILE_MODE_OWNER_GROUP = NO SHALLOW_BUNDLE = YES SHARED_DERIVED_FILE_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/DerivedSources SHARED_FRAMEWORKS_FOLDER_PATH = Runner.app/SharedFrameworks SHARED_PRECOMPS_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/PrecompiledHeaders SHARED_SUPPORT_FOLDER_PATH = Runner.app/SharedSupport SKIP_INSTALL = NO SOURCE_ROOT = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios SRCROOT = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios STRINGS_FILE_OUTPUT_ENCODING = binary STRIP_BITCODE_FROM_COPIED_FILES = NO STRIP_INSTALLED_PRODUCT = YES STRIP_STYLE = all STRIP_SWIFT_SYMBOLS = YES SUPPORTED_DEVICE_FAMILIES = 1,2 SUPPORTED_PLATFORMS = iphonesimulator iphoneos SUPPORTS_TEXT_BASED_API = NO SWIFT_OBJC_BRIDGING_HEADER = Runner/Runner-Bridging-Header.h SWIFT_OPTIMIZATION_LEVEL = -Onone SWIFT_PLATFORM_TARGET_PREFIX = ios SWIFT_SWIFT3_OBJC_INFERENCE = On SWIFT_VERSION = 4.0 SYMROOT = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Products SYSTEM_ADMIN_APPS_DIR = /Applications/Utilities SYSTEM_APPS_DIR = /Applications SYSTEM_CORE_SERVICES_DIR = /System/Library/CoreServices SYSTEM_DEMOS_DIR = /Applications/Extras SYSTEM_DEVELOPER_APPS_DIR = /Applications/Xcode.app/Contents/Developer/Applications SYSTEM_DEVELOPER_BIN_DIR = /Applications/Xcode.app/Contents/Developer/usr/bin SYSTEM_DEVELOPER_DEMOS_DIR = /Applications/Xcode.app/Contents/Developer/Applications/Utilities/Built Examples SYSTEM_DEVELOPER_DIR = /Applications/Xcode.app/Contents/Developer SYSTEM_DEVELOPER_DOC_DIR = /Applications/Xcode.app/Contents/Developer/ADC Reference Library SYSTEM_DEVELOPER_GRAPHICS_TOOLS_DIR = /Applications/Xcode.app/Contents/Developer/Applications/Graphics Tools SYSTEM_DEVELOPER_JAVA_TOOLS_DIR = /Applications/Xcode.app/Contents/Developer/Applications/Java Tools SYSTEM_DEVELOPER_PERFORMANCE_TOOLS_DIR = /Applications/Xcode.app/Contents/Developer/Applications/Performance Tools SYSTEM_DEVELOPER_RELEASENOTES_DIR = /Applications/Xcode.app/Contents/Developer/ADC Reference Library/releasenotes SYSTEM_DEVELOPER_TOOLS = /Applications/Xcode.app/Contents/Developer/Tools SYSTEM_DEVELOPER_TOOLS_DOC_DIR = /Applications/Xcode.app/Contents/Developer/ADC Reference Library/documentation/DeveloperTools SYSTEM_DEVELOPER_TOOLS_RELEASENOTES_DIR = /Applications/Xcode.app/Contents/Developer/ADC Reference Library/releasenotes/DeveloperTools SYSTEM_DEVELOPER_USR_DIR = /Applications/Xcode.app/Contents/Developer/usr SYSTEM_DEVELOPER_UTILITIES_DIR = /Applications/Xcode.app/Contents/Developer/Applications/Utilities SYSTEM_DOCUMENTATION_DIR = /Library/Documentation SYSTEM_KEXT_INSTALL_PATH = /System/Library/Extensions SYSTEM_LIBRARY_DIR = /System/Library TAPI_VERIFY_MODE = ErrorsOnly TARGETED_DEVICE_FAMILY = 1,2 TARGETNAME = Runner TARGET_BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator TARGET_NAME = Runner TARGET_TEMP_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build TEMP_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build TEMP_FILES_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build TEMP_FILE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build TEMP_ROOT = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex TOOLCHAIN_DIR = /Applications/Xcode.app/Contents/Developer/Toolchains/XcodeDefault.xctoolchain TREAT_MISSING_BASELINES_AS_TEST_FAILURES = NO UID = 501 UNLOCALIZED_RESOURCES_FOLDER_PATH = Runner.app UNSTRIPPED_PRODUCT = NO USER = deeptibelsare USER_APPS_DIR = /Users/deeptibelsare/Applications USER_LIBRARY_DIR = /Users/deeptibelsare/Library USE_DYNAMIC_NO_PIC = YES USE_HEADERMAP = YES USE_HEADER_SYMLINKS = NO VALIDATE_PRODUCT = NO VALID_ARCHS = i386 x86_64 VERBOSE_PBXCP = NO VERBOSE_SCRIPT_LOGGING = YES VERSIONING_SYSTEM = apple-generic VERSIONPLIST_PATH = Runner.app/version.plist VERSION_INFO_BUILDER = deeptibelsare VERSION_INFO_FILE = Runner_vers.c VERSION_INFO_STRING = &quot;@(#)PROGRAM:Runner PROJECT:Runner-1&quot; WRAPPER_EXTENSION = app WRAPPER_NAME = Runner.app WRAPPER_SUFFIX = .app WRAP_ASSET_PACKS_IN_SEPARATE_DIRECTORIES = NO XCODE_APP_SUPPORT_DIR = /Applications/Xcode.app/Contents/Developer/Library/Xcode XCODE_PRODUCT_BUILD_VERSION = 9F2000 XCODE_VERSION_ACTUAL = 0941 XCODE_VERSION_MAJOR = 0900 XCODE_VERSION_MINOR = 0940 XPCSERVICES_FOLDER_PATH = Runner.app/XPCServices YACC = yacc arch = x86_64 variant = normal [ +638 ms] executing: /usr/bin/xcrun simctl install 915C9438-D0FE-4DA9-81D2-01B92E2BA3AC /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/iphonesimulator/Runner.app [+1953 ms] executing: /usr/bin/xcrun simctl launch 915C9438-D0FE-4DA9-81D2-01B92E2BA3AC com.quickcarl.qcFlutter --enable-dart-profiling --enable-checked-mode --observatory-port=0 [ +224 ms] com.quickcarl.qcFlutter: 31037 [ ] Waiting for observatory port to be available..."><pre class="notranslate"><code class="notranslate"> ** BUILD SUCCEEDED ** [ +16 ms] └─Compiling, linking and signing... (completed) [ ] Starting Xcode build... (completed) [ +12 ms] Xcode build done. 26.7s [ ] executing: [/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/] /usr/bin/env xcrun xcodebuild -configuration Debug VERBOSE_SCRIPT_LOGGING=YES -workspace Runner.xcworkspace -scheme Runner BUILD_DIR=/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios -sdk iphonesimulator -arch x86_64 SCRIPT_OUTPUT_STREAM_FILE=/var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/T/flutter_build_log_pipe.X1FQFB/pipe_to_stdout -showBuildSettings [+2605 ms] Exit code 0 from: /usr/bin/env xcrun xcodebuild -configuration Debug VERBOSE_SCRIPT_LOGGING=YES -workspace Runner.xcworkspace -scheme Runner BUILD_DIR=/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios -sdk iphonesimulator -arch x86_64 SCRIPT_OUTPUT_STREAM_FILE=/var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/T/flutter_build_log_pipe.X1FQFB/pipe_to_stdout -showBuildSettings [ ] Build settings from command line: ARCHS = x86_64 BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios SCRIPT_OUTPUT_STREAM_FILE = /var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/T/flutter_build_log_pipe.X1FQFB/pipe_to_stdout SDKROOT = iphonesimulator11.4 VERBOSE_SCRIPT_LOGGING = YES Build settings for action build and target Runner: ACTION = build AD_HOC_CODE_SIGNING_ALLOWED = YES ALTERNATE_GROUP = staff ALTERNATE_MODE = u+w,go-w,a+rX ALTERNATE_OWNER = deeptibelsare ALWAYS_EMBED_SWIFT_STANDARD_LIBRARIES = NO ALWAYS_SEARCH_USER_PATHS = NO ALWAYS_USE_SEPARATE_HEADERMAPS = NO APPLE_INTERNAL_DEVELOPER_DIR = /AppleInternal/Developer APPLE_INTERNAL_DIR = /AppleInternal APPLE_INTERNAL_DOCUMENTATION_DIR = /AppleInternal/Documentation APPLE_INTERNAL_LIBRARY_DIR = /AppleInternal/Library APPLE_INTERNAL_TOOLS = /AppleInternal/Developer/Tools APPLICATION_EXTENSION_API_ONLY = NO APPLY_RULES_IN_COPY_FILES = NO ARCHS = x86_64 ARCHS_STANDARD = x86_64 ARCHS_STANDARD_32_64_BIT = i386 x86_64 ARCHS_STANDARD_32_BIT = i386 ARCHS_STANDARD_64_BIT = x86_64 ARCHS_STANDARD_INCLUDING_64_BIT = x86_64 ARCHS_UNIVERSAL_IPHONE_OS = i386 x86_64 ASSETCATALOG_COMPILER_APPICON_NAME = AppIcon AVAILABLE_PLATFORMS = appletvos appletvsimulator iphoneos iphonesimulator macosx watchos watchsimulator BITCODE_GENERATION_MODE = marker BUILD_ACTIVE_RESOURCES_ONLY = NO BUILD_COMPONENTS = headers build BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios BUILD_ROOT = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Products BUILD_STYLE = BUILD_VARIANTS = normal BUILT_PRODUCTS_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator CACHE_ROOT = /var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/C/com.apple.DeveloperTools/9.4.1-9F2000/Xcode CCHROOT = /var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/C/com.apple.DeveloperTools/9.4.1-9F2000/Xcode CHMOD = /bin/chmod CHOWN = /usr/sbin/chown CLANG_ANALYZER_NONNULL = YES CLANG_CXX_LANGUAGE_STANDARD = gnu++0x CLANG_CXX_LIBRARY = libc++ CLANG_ENABLE_MODULES = YES CLANG_ENABLE_OBJC_ARC = YES CLANG_WARN_BLOCK_CAPTURE_AUTORELEASING = YES CLANG_WARN_BOOL_CONVERSION = YES CLANG_WARN_COMMA = YES CLANG_WARN_CONSTANT_CONVERSION = YES CLANG_WARN_DIRECT_OBJC_ISA_USAGE = YES_ERROR CLANG_WARN_EMPTY_BODY = YES CLANG_WARN_ENUM_CONVERSION = YES CLANG_WARN_INFINITE_RECURSION = YES CLANG_WARN_INT_CONVERSION = YES CLANG_WARN_NON_LITERAL_NULL_CONVERSION = YES CLANG_WARN_OBJC_LITERAL_CONVERSION = YES CLANG_WARN_OBJC_ROOT_CLASS = YES_ERROR CLANG_WARN_RANGE_LOOP_ANALYSIS = YES CLANG_WARN_STRICT_PROTOTYPES = YES CLANG_WARN_SUSPICIOUS_MOVE = YES CLANG_WARN_UNREACHABLE_CODE = YES CLANG_WARN__DUPLICATE_METHOD_MATCH = YES CLASS_FILE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/JavaClasses CLEAN_PRECOMPS = YES CLONE_HEADERS = NO CODESIGNING_FOLDER_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/Runner.app CODE_SIGNING_ALLOWED = YES CODE_SIGNING_REQUIRED = YES CODE_SIGN_CONTEXT_CLASS = XCiPhoneSimulatorCodeSignContext CODE_SIGN_ENTITLEMENTS = Runner/Runner.entitlements CODE_SIGN_IDENTITY = - CODE_SIGN_INJECT_BASE_ENTITLEMENTS = YES COLOR_DIAGNOSTICS = NO COMBINE_HIDPI_IMAGES = NO COMPILER_INDEX_STORE_ENABLE = Default COMPOSITE_SDK_DIRS = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/CompositeSDKs COMPRESS_PNG_FILES = YES CONFIGURATION = Debug CONFIGURATION_BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator CONFIGURATION_TEMP_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator CONTENTS_FOLDER_PATH = Runner.app COPYING_PRESERVES_HFS_DATA = NO COPY_HEADERS_RUN_UNIFDEF = NO COPY_PHASE_STRIP = NO COPY_RESOURCES_FROM_STATIC_FRAMEWORKS = YES CORRESPONDING_DEVICE_PLATFORM_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneOS.platform CORRESPONDING_DEVICE_PLATFORM_NAME = iphoneos CORRESPONDING_DEVICE_SDK_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneOS.platform/Developer/SDKs/iPhoneOS11.4.sdk CORRESPONDING_DEVICE_SDK_NAME = iphoneos11.4 CP = /bin/cp CREATE_INFOPLIST_SECTION_IN_BINARY = NO CURRENT_ARCH = x86_64 CURRENT_PROJECT_VERSION = 1 CURRENT_VARIANT = normal DEAD_CODE_STRIPPING = YES DEBUGGING_SYMBOLS = YES DEBUG_INFORMATION_FORMAT = dwarf DEFAULT_COMPILER = com.apple.compilers.llvm.clang.1_0 DEFAULT_KEXT_INSTALL_PATH = /System/Library/Extensions DEFINES_MODULE = NO DEPLOYMENT_LOCATION = NO DEPLOYMENT_POSTPROCESSING = NO DEPLOYMENT_TARGET_CLANG_ENV_NAME = IPHONEOS_DEPLOYMENT_TARGET DEPLOYMENT_TARGET_CLANG_FLAG_NAME = mios-simulator-version-min DEPLOYMENT_TARGET_CLANG_FLAG_PREFIX = -mios-simulator-version-min= DEPLOYMENT_TARGET_SETTING_NAME = IPHONEOS_DEPLOYMENT_TARGET DEPLOYMENT_TARGET_SUGGESTED_VALUES = 8.0 8.1 8.2 8.3 8.4 9.0 9.1 9.2 9.3 10.0 10.1 10.2 10.3 11.0 11.1 11.2 11.3 11.4 DERIVED_FILES_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/DerivedSources DERIVED_FILE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/DerivedSources DERIVED_SOURCES_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/DerivedSources DEVELOPER_APPLICATIONS_DIR = /Applications/Xcode.app/Contents/Developer/Applications DEVELOPER_BIN_DIR = /Applications/Xcode.app/Contents/Developer/usr/bin DEVELOPER_DIR = /Applications/Xcode.app/Contents/Developer DEVELOPER_FRAMEWORKS_DIR = /Applications/Xcode.app/Contents/Developer/Library/Frameworks DEVELOPER_FRAMEWORKS_DIR_QUOTED = /Applications/Xcode.app/Contents/Developer/Library/Frameworks DEVELOPER_LIBRARY_DIR = /Applications/Xcode.app/Contents/Developer/Library DEVELOPER_SDK_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/MacOSX.platform/Developer/SDKs DEVELOPER_TOOLS_DIR = /Applications/Xcode.app/Contents/Developer/Tools DEVELOPER_USR_DIR = /Applications/Xcode.app/Contents/Developer/usr DEVELOPMENT_LANGUAGE = English DEVELOPMENT_TEAM = CZ689HK6M5 DOCUMENTATION_FOLDER_PATH = Runner.app/English.lproj/Documentation DO_HEADER_SCANNING_IN_JAM = NO DSTROOT = /tmp/Runner.dst DT_TOOLCHAIN_DIR = /Applications/Xcode.app/Contents/Developer/Toolchains/XcodeDefault.xctoolchain DWARF_DSYM_FILE_NAME = Runner.app.dSYM DWARF_DSYM_FILE_SHOULD_ACCOMPANY_PRODUCT = NO DWARF_DSYM_FOLDER_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator EFFECTIVE_PLATFORM_NAME = -iphonesimulator EMBEDDED_CONTENT_CONTAINS_SWIFT = NO EMBED_ASSET_PACKS_IN_PRODUCT_BUNDLE = NO ENABLE_BITCODE = NO ENABLE_DEFAULT_HEADER_SEARCH_PATHS = YES ENABLE_HEADER_DEPENDENCIES = YES ENABLE_ON_DEMAND_RESOURCES = YES ENABLE_STRICT_OBJC_MSGSEND = YES ENABLE_TESTABILITY = YES ENTITLEMENTS_REQUIRED = YES EXCLUDED_INSTALLSRC_SUBDIRECTORY_PATTERNS = .DS_Store .svn .git .hg CVS EXCLUDED_RECURSIVE_SEARCH_PATH_SUBDIRECTORIES = *.nib *.lproj *.framework *.gch *.xcode* *.xcassets (*) .DS_Store CVS .svn .git .hg *.pbproj *.pbxproj EXECUTABLES_FOLDER_PATH = Runner.app/Executables EXECUTABLE_FOLDER_PATH = Runner.app EXECUTABLE_NAME = Runner EXECUTABLE_PATH = Runner.app/Runner EXPANDED_CODE_SIGN_IDENTITY = EXPANDED_CODE_SIGN_IDENTITY_NAME = EXPANDED_PROVISIONING_PROFILE = FILE_LIST = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/Objects/LinkFileList FIXED_FILES_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/FixedFiles FLUTTER_APPLICATION_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter FLUTTER_BUILD_DIR = build FLUTTER_BUILD_MODE = debug FLUTTER_FRAMEWORK_DIR = /Users/deeptibelsare/Documents/DarshanUdacity/Flutter/flutter/bin/cache/artifacts/engine/ios FLUTTER_ROOT = /Users/deeptibelsare/Documents/DarshanUdacity/Flutter/flutter FLUTTER_TARGET = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/lib/main.dart FRAMEWORKS_FOLDER_PATH = Runner.app/Frameworks FRAMEWORK_FLAG_PREFIX = -framework FRAMEWORK_SEARCH_PATHS = "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/FirebaseAnalytics/Frameworks" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/FirebaseInstanceID/Frameworks" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/.symlinks/flutter/ios" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/GoogleSignIn/Frameworks" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/TwilioVideo/Build/iOS" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/FirebaseAnalytics/Frameworks" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/FirebaseInstanceID/Frameworks" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/.symlinks/flutter/ios" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/GoogleSignIn/Frameworks" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/TwilioVideo/Build/iOS" /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Flutter FRAMEWORK_VERSION = A FULL_PRODUCT_NAME = Runner.app GCC3_VERSION = 3.3 GCC_C_LANGUAGE_STANDARD = gnu99 GCC_DYNAMIC_NO_PIC = NO GCC_INLINES_ARE_PRIVATE_EXTERN = YES GCC_NO_COMMON_BLOCKS = YES GCC_OBJC_LEGACY_DISPATCH = YES GCC_OPTIMIZATION_LEVEL = 0 GCC_PFE_FILE_C_DIALECTS = c objective-c c++ objective-c++ GCC_PREPROCESSOR_DEFINITIONS = DEBUG=1 COCOAPODS=1 GTM_OAUTH2_USE_FRAMEWORK_IMPORTS=1 GPB_USE_PROTOBUF_FRAMEWORK_IMPORTS=1 PB_FIELD_32BIT=1 PB_NO_PACKED_STRUCTS=1 COCOAPODS=1 DEBUG=1 COCOAPODS=1 GTM_OAUTH2_USE_FRAMEWORK_IMPORTS=1 GPB_USE_PROTOBUF_FRAMEWORK_IMPORTS=1 PB_FIELD_32BIT=1 PB_NO_PACKED_STRUCTS=1 GTM_OAUTH2_USE_FRAMEWORK_IMPORTS=1 DEBUG=1 COCOAPODS=1 GTM_OAUTH2_USE_FRAMEWORK_IMPORTS=1 GPB_USE_PROTOBUF_FRAMEWORK_IMPORTS=1 PB_FIELD_32BIT=1 PB_NO_PACKED_STRUCTS=1 GPB_USE_PROTOBUF_FRAMEWORK_IMPORTS=1 DEBUG=1 COCOAPODS=1 GTM_OAUTH2_USE_FRAMEWORK_IMPORTS=1 GPB_USE_PROTOBUF_FRAMEWORK_IMPORTS=1 PB_FIELD_32BIT=1 PB_NO_PACKED_STRUCTS=1 PB_FIELD_32BIT=1 PB_NO_PACKED_STRUCTS=1 GCC_SYMBOLS_PRIVATE_EXTERN = NO GCC_TREAT_WARNINGS_AS_ERRORS = NO GCC_VERSION = com.apple.compilers.llvm.clang.1_0 GCC_VERSION_IDENTIFIER = com_apple_compilers_llvm_clang_1_0 GCC_WARN_64_TO_32_BIT_CONVERSION = YES GCC_WARN_ABOUT_RETURN_TYPE = YES_ERROR GCC_WARN_UNDECLARED_SELECTOR = YES GCC_WARN_UNINITIALIZED_AUTOS = YES_AGGRESSIVE GCC_WARN_UNUSED_FUNCTION = YES GCC_WARN_UNUSED_VARIABLE = YES GENERATE_MASTER_OBJECT_FILE = NO GENERATE_PKGINFO_FILE = YES GENERATE_PROFILING_CODE = NO GENERATE_TEXT_BASED_STUBS = NO GID = 20 GROUP = staff HEADERMAP_INCLUDES_FLAT_ENTRIES_FOR_TARGET_BEING_BUILT = YES HEADERMAP_INCLUDES_FRAMEWORK_ENTRIES_FOR_ALL_PRODUCT_TYPES = YES HEADERMAP_INCLUDES_NONPUBLIC_NONPRIVATE_HEADERS = YES HEADERMAP_INCLUDES_PROJECT_HEADERS = YES HEADERMAP_USES_FRAMEWORK_PREFIX_ENTRIES = YES HEADERMAP_USES_VFS = NO HEADER_SEARCH_PATHS = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Firebase/CoreOnly/Sources "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher" /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Firebase/CoreOnly/Sources "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher" HIDE_BITCODE_SYMBOLS = YES HOME = /Users/deeptibelsare ICONV = /usr/bin/iconv INFOPLIST_EXPAND_BUILD_SETTINGS = YES INFOPLIST_FILE = Runner/Info.plist INFOPLIST_OUTPUT_FORMAT = binary INFOPLIST_PATH = Runner.app/Info.plist INFOPLIST_PREPROCESS = NO INFOSTRINGS_PATH = Runner.app/English.lproj/InfoPlist.strings INLINE_PRIVATE_FRAMEWORKS = NO INSTALLHDRS_COPY_PHASE = NO INSTALLHDRS_SCRIPT_PHASE = NO INSTALL_DIR = /tmp/Runner.dst/Applications INSTALL_GROUP = staff INSTALL_MODE_FLAG = u+w,go-w,a+rX INSTALL_OWNER = deeptibelsare INSTALL_PATH = /Applications INSTALL_ROOT = /tmp/Runner.dst IPHONEOS_DEPLOYMENT_TARGET = 12.0 JAVAC_DEFAULT_FLAGS = -J-Xms64m -J-XX:NewSize=4M -J-Dfile.encoding=UTF8 JAVA_APP_STUB = /System/Library/Frameworks/JavaVM.framework/Resources/MacOS/JavaApplicationStub JAVA_ARCHIVE_CLASSES = YES JAVA_ARCHIVE_TYPE = JAR JAVA_COMPILER = /usr/bin/javac JAVA_FOLDER_PATH = Runner.app/Java JAVA_FRAMEWORK_RESOURCES_DIRS = Resources JAVA_JAR_FLAGS = cv JAVA_SOURCE_SUBDIR = . JAVA_USE_DEPENDENCIES = YES JAVA_ZIP_FLAGS = -urg JIKES_DEFAULT_FLAGS = +E +OLDCSO KEEP_PRIVATE_EXTERNS = NO LD_DEPENDENCY_INFO_FILE = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/Objects-normal/x86_64/Runner_dependency_info.dat LD_GENERATE_MAP_FILE = NO LD_MAP_FILE_PATH = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/Runner-LinkMap-normal-x86_64.txt LD_NO_PIE = NO LD_QUOTE_LINKER_ARGUMENTS_FOR_COMPILER_DRIVER = YES LD_RUNPATH_SEARCH_PATHS = '@executable_path/Frameworks' '@loader_path/Frameworks' '@executable_path/Frameworks' '@loader_path/Frameworks' @executable_path/Frameworks LEGACY_DEVELOPER_DIR = /Applications/Xcode.app/Contents/PlugIns/Xcode3Core.ideplugin/Contents/SharedSupport/Developer LEX = lex LIBRARY_FLAG_NOSPACE = YES LIBRARY_FLAG_PREFIX = -l LIBRARY_KEXT_INSTALL_PATH = /Library/Extensions LIBRARY_SEARCH_PATHS = "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseAuth" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseCore" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseMessaging" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GTMOAuth2" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GTMSessionFetcher" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GoogleToolboxForMac" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/Protobuf" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/firebase_auth" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/firebase_messaging" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/fluttertoast" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/google_sign_in" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/nanopb" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/url_launcher" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseAuth" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseCore" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/FirebaseMessaging" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GTMOAuth2" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GTMSessionFetcher" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/GoogleToolboxForMac" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/Protobuf" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/firebase_auth" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/firebase_messaging" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/fluttertoast" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/google_sign_in" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/nanopb" "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/url_launcher" /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Flutter LINKER_DISPLAYS_MANGLED_NAMES = NO LINK_FILE_LIST_normal_x86_64 = LINK_WITH_STANDARD_LIBRARIES = YES LOCALIZABLE_CONTENT_DIR = LOCALIZED_RESOURCES_FOLDER_PATH = Runner.app/English.lproj LOCALIZED_STRING_MACRO_NAMES = NSLocalizedString CFLocalizedString LOCAL_ADMIN_APPS_DIR = /Applications/Utilities LOCAL_APPS_DIR = /Applications LOCAL_DEVELOPER_DIR = /Library/Developer LOCAL_LIBRARY_DIR = /Library LOCROOT = LOCSYMROOT = MACH_O_TYPE = mh_execute MAC_OS_X_PRODUCT_BUILD_VERSION = 17C88 MAC_OS_X_VERSION_ACTUAL = 101302 MAC_OS_X_VERSION_MAJOR = 101300 MAC_OS_X_VERSION_MINOR = 1302 METAL_LIBRARY_FILE_BASE = default METAL_LIBRARY_OUTPUT_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/Runner.app MODULE_CACHE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/ModuleCache.noindex MTL_ENABLE_DEBUG_INFO = YES NATIVE_ARCH = i386 NATIVE_ARCH_32_BIT = i386 NATIVE_ARCH_64_BIT = x86_64 NATIVE_ARCH_ACTUAL = x86_64 NO_COMMON = YES OBJC_ABI_VERSION = 2 OBJECT_FILE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/Objects OBJECT_FILE_DIR_normal = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/Objects-normal OBJROOT = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex ONLY_ACTIVE_ARCH = YES OS = MACOS OSAC = /usr/bin/osacompile OTHER_CFLAGS = -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher" OTHER_CPLUSPLUSFLAGS = -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Firebase" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAnalytics" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseAuth" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseCore" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseInstanceID" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/FirebaseMessaging" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Flutter" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMOAuth2" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GTMSessionFetcher" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleSignIn" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/GoogleToolboxForMac" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/Protobuf" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/TwilioVideo" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_auth" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/firebase_messaging" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/fluttertoast" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/google_sign_in" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/nanopb" -isystem "/Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods/Headers/Public/url_launcher" OTHER_LDFLAGS = -ObjC -l"FirebaseAuth" -l"FirebaseCore" -l"FirebaseMessaging" -l"GTMOAuth2" -l"GTMSessionFetcher" -l"GoogleToolboxForMac" -l"Protobuf" -l"c++" -l"firebase_auth" -l"firebase_messaging" -l"fluttertoast" -l"google_sign_in" -l"nanopb" -l"sqlite3" -l"url_launcher" -l"z" -framework "CoreText" -framework "FirebaseAnalytics" -framework "FirebaseCoreDiagnostics" -framework "FirebaseInstanceID" -framework "FirebaseNanoPB" -framework "Flutter" -framework "Foundation" -framework "GoogleSignIn" -framework "SafariServices" -framework "Security" -framework "StoreKit" -framework "SystemConfiguration" -framework "TwilioVideo" -ObjC -l"FirebaseAuth" -l"FirebaseCore" -l"FirebaseMessaging" -l"GTMOAuth2" -l"GTMSessionFetcher" -l"GoogleToolboxForMac" -l"Protobuf" -l"c++" -l"firebase_auth" -l"firebase_messaging" -l"fluttertoast" -l"google_sign_in" -l"nanopb" -l"sqlite3" -l"url_launcher" -l"z" -framework "CoreText" -framework "FirebaseAnalytics" -framework "FirebaseCoreDiagnostics" -framework "FirebaseInstanceID" -framework "FirebaseNanoPB" -framework "Flutter" -framework "Foundation" -framework "GoogleSignIn" -framework "SafariServices" -framework "Security" -framework "StoreKit" -framework "SystemConfiguration" -framework "TwilioVideo" PACKAGE_TYPE = com.apple.package-type.wrapper.application PASCAL_STRINGS = YES PATH = /Applications/Xcode.app/Contents/Developer/usr/bin:/usr/local/Cellar/gradle/4.9/bin:/Users/deeptibelsare/Documents/DarshanUdacity/Flutter/flutter/bin:/usr/local/bin:/usr/bin:/bin:/usr/sbin:/sbin:/usr/local/share/dotnet:~/.dotnet/tools:/Library/Frameworks/Mono.framework/Versions/Current/Commands# PATH_PREFIXES_EXCLUDED_FROM_HEADER_DEPENDENCIES = /usr/include /usr/local/include /System/Library/Frameworks /System/Library/PrivateFrameworks /Applications/Xcode.app/Contents/Developer/Headers /Applications/Xcode.app/Contents/Developer/SDKs /Applications/Xcode.app/Contents/Developer/Platforms PBDEVELOPMENTPLIST_PATH = Runner.app/pbdevelopment.plist PFE_FILE_C_DIALECTS = objective-c PKGINFO_FILE_PATH = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/PkgInfo PKGINFO_PATH = Runner.app/PkgInfo PLATFORM_DEVELOPER_APPLICATIONS_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/Applications PLATFORM_DEVELOPER_BIN_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/usr/bin PLATFORM_DEVELOPER_LIBRARY_DIR = /Applications/Xcode.app/Contents/PlugIns/Xcode3Core.ideplugin/Contents/SharedSupport/Developer/Library PLATFORM_DEVELOPER_SDK_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/SDKs PLATFORM_DEVELOPER_TOOLS_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/Tools PLATFORM_DEVELOPER_USR_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/usr PLATFORM_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform PLATFORM_DISPLAY_NAME = iOS Simulator PLATFORM_NAME = iphonesimulator PLATFORM_PREFERRED_ARCH = x86_64 PLIST_FILE_OUTPUT_FORMAT = binary PLUGINS_FOLDER_PATH = Runner.app/PlugIns PODS_BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios PODS_CONFIGURATION_BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator PODS_PODFILE_DIR_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/. PODS_ROOT = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Pods PRECOMPS_INCLUDE_HEADERS_FROM_BUILT_PRODUCTS_DIR = YES PRECOMP_DESTINATION_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/PrefixHeaders PRESERVE_DEAD_CODE_INITS_AND_TERMS = NO PRIVATE_HEADERS_FOLDER_PATH = Runner.app/PrivateHeaders PRODUCT_BUNDLE_IDENTIFIER = com.quickcarl.qcFlutter PRODUCT_MODULE_NAME = Runner PRODUCT_NAME = Runner PRODUCT_SETTINGS_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Runner/Info.plist PRODUCT_TYPE = com.apple.product-type.application PROFILING_CODE = NO PROJECT = Runner PROJECT_DERIVED_FILE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/DerivedSources PROJECT_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios PROJECT_FILE_PATH = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios/Runner.xcodeproj PROJECT_NAME = Runner PROJECT_TEMP_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build PROJECT_TEMP_ROOT = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex PUBLIC_HEADERS_FOLDER_PATH = Runner.app/Headers RECURSIVE_SEARCH_PATHS_FOLLOW_SYMLINKS = YES REMOVE_CVS_FROM_RESOURCES = YES REMOVE_GIT_FROM_RESOURCES = YES REMOVE_HEADERS_FROM_EMBEDDED_BUNDLES = YES REMOVE_HG_FROM_RESOURCES = YES REMOVE_SVN_FROM_RESOURCES = YES REZ_COLLECTOR_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/ResourceManagerResources REZ_OBJECTS_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build/ResourceManagerResources/Objects SCAN_ALL_SOURCE_FILES_FOR_INCLUDES = NO SCRIPTS_FOLDER_PATH = Runner.app/Scripts SCRIPT_OUTPUT_STREAM_FILE = /var/folders/fy/wt5j6crj68vgrfy13hpt1w8h0000gn/T/flutter_build_log_pipe.X1FQFB/pipe_to_stdout SDKROOT = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/SDKs/iPhoneSimulator11.4.sdk SDK_DIR = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/SDKs/iPhoneSimulator11.4.sdk SDK_DIR_iphonesimulator11_4 = /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneSimulator.platform/Developer/SDKs/iPhoneSimulator11.4.sdk SDK_NAME = iphonesimulator11.4 SDK_NAMES = iphonesimulator11.4 SDK_PRODUCT_BUILD_VERSION = 15F79 SDK_VERSION = 11.4 SDK_VERSION_ACTUAL = 110400 SDK_VERSION_MAJOR = 110000 SDK_VERSION_MINOR = 400 SED = /usr/bin/sed SEPARATE_STRIP = NO SEPARATE_SYMBOL_EDIT = NO SET_DIR_MODE_OWNER_GROUP = YES SET_FILE_MODE_OWNER_GROUP = NO SHALLOW_BUNDLE = YES SHARED_DERIVED_FILE_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator/DerivedSources SHARED_FRAMEWORKS_FOLDER_PATH = Runner.app/SharedFrameworks SHARED_PRECOMPS_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/PrecompiledHeaders SHARED_SUPPORT_FOLDER_PATH = Runner.app/SharedSupport SKIP_INSTALL = NO SOURCE_ROOT = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios SRCROOT = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/ios STRINGS_FILE_OUTPUT_ENCODING = binary STRIP_BITCODE_FROM_COPIED_FILES = NO STRIP_INSTALLED_PRODUCT = YES STRIP_STYLE = all STRIP_SWIFT_SYMBOLS = YES SUPPORTED_DEVICE_FAMILIES = 1,2 SUPPORTED_PLATFORMS = iphonesimulator iphoneos SUPPORTS_TEXT_BASED_API = NO SWIFT_OBJC_BRIDGING_HEADER = Runner/Runner-Bridging-Header.h SWIFT_OPTIMIZATION_LEVEL = -Onone SWIFT_PLATFORM_TARGET_PREFIX = ios SWIFT_SWIFT3_OBJC_INFERENCE = On SWIFT_VERSION = 4.0 SYMROOT = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Products SYSTEM_ADMIN_APPS_DIR = /Applications/Utilities SYSTEM_APPS_DIR = /Applications SYSTEM_CORE_SERVICES_DIR = /System/Library/CoreServices SYSTEM_DEMOS_DIR = /Applications/Extras SYSTEM_DEVELOPER_APPS_DIR = /Applications/Xcode.app/Contents/Developer/Applications SYSTEM_DEVELOPER_BIN_DIR = /Applications/Xcode.app/Contents/Developer/usr/bin SYSTEM_DEVELOPER_DEMOS_DIR = /Applications/Xcode.app/Contents/Developer/Applications/Utilities/Built Examples SYSTEM_DEVELOPER_DIR = /Applications/Xcode.app/Contents/Developer SYSTEM_DEVELOPER_DOC_DIR = /Applications/Xcode.app/Contents/Developer/ADC Reference Library SYSTEM_DEVELOPER_GRAPHICS_TOOLS_DIR = /Applications/Xcode.app/Contents/Developer/Applications/Graphics Tools SYSTEM_DEVELOPER_JAVA_TOOLS_DIR = /Applications/Xcode.app/Contents/Developer/Applications/Java Tools SYSTEM_DEVELOPER_PERFORMANCE_TOOLS_DIR = /Applications/Xcode.app/Contents/Developer/Applications/Performance Tools SYSTEM_DEVELOPER_RELEASENOTES_DIR = /Applications/Xcode.app/Contents/Developer/ADC Reference Library/releasenotes SYSTEM_DEVELOPER_TOOLS = /Applications/Xcode.app/Contents/Developer/Tools SYSTEM_DEVELOPER_TOOLS_DOC_DIR = /Applications/Xcode.app/Contents/Developer/ADC Reference Library/documentation/DeveloperTools SYSTEM_DEVELOPER_TOOLS_RELEASENOTES_DIR = /Applications/Xcode.app/Contents/Developer/ADC Reference Library/releasenotes/DeveloperTools SYSTEM_DEVELOPER_USR_DIR = /Applications/Xcode.app/Contents/Developer/usr SYSTEM_DEVELOPER_UTILITIES_DIR = /Applications/Xcode.app/Contents/Developer/Applications/Utilities SYSTEM_DOCUMENTATION_DIR = /Library/Documentation SYSTEM_KEXT_INSTALL_PATH = /System/Library/Extensions SYSTEM_LIBRARY_DIR = /System/Library TAPI_VERIFY_MODE = ErrorsOnly TARGETED_DEVICE_FAMILY = 1,2 TARGETNAME = Runner TARGET_BUILD_DIR = /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/Debug-iphonesimulator TARGET_NAME = Runner TARGET_TEMP_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build TEMP_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build TEMP_FILES_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build TEMP_FILE_DIR = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex/Runner.build/Debug-iphonesimulator/Runner.build TEMP_ROOT = /Users/deeptibelsare/Library/Developer/Xcode/DerivedData/Runner-arlomkrgwbekatdcfkvbkxhwjdwb/Build/Intermediates.noindex TOOLCHAIN_DIR = /Applications/Xcode.app/Contents/Developer/Toolchains/XcodeDefault.xctoolchain TREAT_MISSING_BASELINES_AS_TEST_FAILURES = NO UID = 501 UNLOCALIZED_RESOURCES_FOLDER_PATH = Runner.app UNSTRIPPED_PRODUCT = NO USER = deeptibelsare USER_APPS_DIR = /Users/deeptibelsare/Applications USER_LIBRARY_DIR = /Users/deeptibelsare/Library USE_DYNAMIC_NO_PIC = YES USE_HEADERMAP = YES USE_HEADER_SYMLINKS = NO VALIDATE_PRODUCT = NO VALID_ARCHS = i386 x86_64 VERBOSE_PBXCP = NO VERBOSE_SCRIPT_LOGGING = YES VERSIONING_SYSTEM = apple-generic VERSIONPLIST_PATH = Runner.app/version.plist VERSION_INFO_BUILDER = deeptibelsare VERSION_INFO_FILE = Runner_vers.c VERSION_INFO_STRING = "@(#)PROGRAM:Runner PROJECT:Runner-1" WRAPPER_EXTENSION = app WRAPPER_NAME = Runner.app WRAPPER_SUFFIX = .app WRAP_ASSET_PACKS_IN_SEPARATE_DIRECTORIES = NO XCODE_APP_SUPPORT_DIR = /Applications/Xcode.app/Contents/Developer/Library/Xcode XCODE_PRODUCT_BUILD_VERSION = 9F2000 XCODE_VERSION_ACTUAL = 0941 XCODE_VERSION_MAJOR = 0900 XCODE_VERSION_MINOR = 0940 XPCSERVICES_FOLDER_PATH = Runner.app/XPCServices YACC = yacc arch = x86_64 variant = normal [ +638 ms] executing: /usr/bin/xcrun simctl install 915C9438-D0FE-4DA9-81D2-01B92E2BA3AC /Users/deeptibelsare/Documents/QuickCarl/qc_flutter/build/ios/iphonesimulator/Runner.app [+1953 ms] executing: /usr/bin/xcrun simctl launch 915C9438-D0FE-4DA9-81D2-01B92E2BA3AC com.quickcarl.qcFlutter --enable-dart-profiling --enable-checked-mode --observatory-port=0 [ +224 ms] com.quickcarl.qcFlutter: 31037 [ ] Waiting for observatory port to be available... </code></pre></div> <p dir="auto"><strong>flutter doctor</strong></p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Doctor summary (to see all details, run flutter doctor -v): [✓] Flutter (Channel beta, v0.9.4, on Mac OS X 10.13.2 17C88, locale en-US) [!] Android toolchain - develop for Android devices (Android SDK 28.0.3) ✗ Android license status unknown. [✓] iOS toolchain - develop for iOS devices (Xcode 9.4.1) [✓] Android Studio (version 3.1) [✓] Connected devices (1 available) ! Doctor found issues in 1 category."><pre class="notranslate"><code class="notranslate">Doctor summary (to see all details, run flutter doctor -v): [✓] Flutter (Channel beta, v0.9.4, on Mac OS X 10.13.2 17C88, locale en-US) [!] Android toolchain - develop for Android devices (Android SDK 28.0.3) ✗ Android license status unknown. [✓] iOS toolchain - develop for iOS devices (Xcode 9.4.1) [✓] Android Studio (version 3.1) [✓] Connected devices (1 available) ! Doctor found issues in 1 category. </code></pre></div>
<p dir="auto">Instead of using our own machines and deleting stuff to reproduce states of missing dependencies to test things like <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="224193315" data-permission-text="Title is private" data-url="https://github.com/flutter/flutter/issues/9580" data-hovercard-type="issue" data-hovercard-url="/flutter/flutter/issues/9580/hovercard" href="https://github.com/flutter/flutter/issues/9580">#9580</a>, create an official process to test on unified initial environments.</p> <p dir="auto">Something lightweight like Docker is ideal. Then we can have different images for each development environment combinations. Definitely seems possible for Android SDK <a href="https://hub.docker.com/r/runmymind/docker-android-sdk/~/dockerfile/" rel="nofollow">https://hub.docker.com/r/runmymind/docker-android-sdk/~/dockerfile/</a>. There's even a flutter image <a href="https://hub.docker.com/r/brianegan/flutter/" rel="nofollow">https://hub.docker.com/r/brianegan/flutter/</a>. Not sure how easy it is to get xcode running in docker though.</p> <p dir="auto">Otherwise we can create images of OS X in virtualbox</p>
0
<p dir="auto">I'm deploying a project of mine to Heroku (which appear to be copying the project from a directory in which it is built before starting it). This causes issues with Next.js <code class="notranslate">5.0.0</code>, which appear to output absolute paths. This can be confirmed by going through the sources.</p> <p dir="auto">This was not an issue with <code class="notranslate">4.2.3</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/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> <p dir="auto">As the default behaviour (and I'm not sure that it can be controlled) on at least Heroku seem to be to build in one directory and run the build in another, I would expect a build to not contain absolute paths.</p> <h2 dir="auto">Current Behavior</h2> <p dir="auto">I can see, for instance in <code class="notranslate">dist/bundles/pages/_document.js</code>, that absolute paths are being generated.<br> An example of an error (not in the test repository) is</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="Error: Cannot find module '/tmp/build_&lt;id&gt;/eweilow-nextjs-deploy-test-&lt;buildId&gt;/node_modules/next/dist/pages/_document.js' at Function.Module._resolveFilename (module.js:555:15) at Function.Module._load (module.js:482:25) at Module.require (module.js:604:17) at require (internal/module.js:11:18) at Object.6 (/app/.next/dist/bundles/pages/_document.js:86:18) at __webpack_require__ (/app/.next/dist/bundles/pages/_document.js:23:31) at Object.5 (/app/.next/dist/bundles/pages/_document.js:78:18) at __webpack_require__ (/app/.next/dist/bundles/pages/_document.js:23:31) at /app/.next/dist/bundles/pages/_document.js:70:18 at Object.&lt;anonymous&gt; (/app/.next/dist/bundles/pages/_document.js:73:10) code: 'MODULE_NOT_FOUND'"><pre class="notranslate">Error: <span class="pl-v">Cannot</span> <span class="pl-s1">find</span> <span class="pl-smi">module</span> <span class="pl-s">'/tmp/build_&lt;id&gt;/eweilow-nextjs-deploy-test-&lt;buildId&gt;/node_modules/next/dist/pages/_document.js'</span> <span class="pl-s1">at</span> <span class="pl-v">Function</span><span class="pl-kos">.</span><span class="pl-c1">Module</span><span class="pl-kos">.</span><span class="pl-en">_resolveFilename</span> <span class="pl-kos">(</span><span class="pl-smi">module</span><span class="pl-kos">.</span><span class="pl-c1">js</span>:<span class="pl-c1">555</span>:<span class="pl-c1">15</span><span class="pl-kos">)</span> <span class="pl-s1">at</span> <span class="pl-v">Function</span><span class="pl-kos">.</span><span class="pl-c1">Module</span><span class="pl-kos">.</span><span class="pl-en">_load</span> <span class="pl-kos">(</span><span class="pl-smi">module</span><span class="pl-kos">.</span><span class="pl-c1">js</span>:<span class="pl-c1">482</span>:<span class="pl-c1">25</span><span class="pl-kos">)</span> <span class="pl-s1">at</span> <span class="pl-v">Module</span><span class="pl-kos">.</span><span class="pl-en">require</span> <span class="pl-kos">(</span><span class="pl-smi">module</span><span class="pl-kos">.</span><span class="pl-c1">js</span>:<span class="pl-c1">604</span>:<span class="pl-c1">17</span><span class="pl-kos">)</span> <span class="pl-en">at</span> <span class="pl-en">require</span> <span class="pl-kos">(</span><span class="pl-s1">internal</span><span class="pl-c1">/</span><span class="pl-smi">module</span><span class="pl-kos">.</span><span class="pl-c1">js</span>:<span class="pl-c1">11</span>:<span class="pl-c1">18</span><span class="pl-kos">)</span> <span class="pl-en">at</span> <span class="pl-v">Object</span><span class="pl-c1">.6</span> <span class="pl-kos">(</span><span class="pl-pds"><span class="pl-c1">/</span>app<span class="pl-c1">/</span></span><span class="pl-kos">.</span><span class="pl-c1">next</span><span class="pl-c1">/</span><span class="pl-s1">dist</span><span class="pl-c1">/</span><span class="pl-s1">bundles</span><span class="pl-c1">/</span><span class="pl-s1">pages</span><span class="pl-c1">/</span><span class="pl-s1">_document</span><span class="pl-kos">.</span><span class="pl-c1">js</span>:<span class="pl-c1">86</span>:<span class="pl-c1">18</span><span class="pl-kos">)</span> <span class="pl-s1">at</span><span class="pl-kos"></span> <span class="pl-en">__webpack_require__</span> <span class="pl-kos">(</span><span class="pl-pds"><span class="pl-c1">/</span>app<span class="pl-c1">/</span></span><span class="pl-kos">.</span><span class="pl-c1">next</span><span class="pl-c1">/</span><span class="pl-s1">dist</span><span class="pl-c1">/</span><span class="pl-s1">bundles</span><span class="pl-c1">/</span><span class="pl-s1">pages</span><span class="pl-c1">/</span><span class="pl-s1">_document</span><span class="pl-kos">.</span><span class="pl-c1">js</span>:<span class="pl-c1">23</span>:<span class="pl-c1">31</span><span class="pl-kos">)</span> <span class="pl-en">at</span> <span class="pl-v">Object</span><span class="pl-c1">.5</span> <span class="pl-kos">(</span><span class="pl-pds"><span class="pl-c1">/</span>app<span class="pl-c1">/</span></span><span class="pl-kos">.</span><span class="pl-c1">next</span><span class="pl-c1">/</span><span class="pl-s1">dist</span><span class="pl-c1">/</span><span class="pl-s1">bundles</span><span class="pl-c1">/</span><span class="pl-s1">pages</span><span class="pl-c1">/</span><span class="pl-s1">_document</span><span class="pl-kos">.</span><span class="pl-c1">js</span>:<span class="pl-c1">78</span>:<span class="pl-c1">18</span><span class="pl-kos">)</span> <span class="pl-s1">at</span><span class="pl-kos"></span> <span class="pl-en">__webpack_require__</span> <span class="pl-kos">(</span><span class="pl-pds"><span class="pl-c1">/</span>app<span class="pl-c1">/</span></span><span class="pl-kos">.</span><span class="pl-c1">next</span><span class="pl-c1">/</span><span class="pl-s1">dist</span><span class="pl-c1">/</span><span class="pl-s1">bundles</span><span class="pl-c1">/</span><span class="pl-s1">pages</span><span class="pl-c1">/</span><span class="pl-s1">_document</span><span class="pl-kos">.</span><span class="pl-c1">js</span>:<span class="pl-c1">23</span>:<span class="pl-c1">31</span><span class="pl-kos">)</span> <span class="pl-s1">at</span> <span class="pl-c1">/</span><span class="pl-s1">app</span><span class="pl-c1">/</span><span class="pl-kos">.</span><span class="pl-c1">next</span><span class="pl-c1">/</span><span class="pl-s1">dist</span><span class="pl-c1">/</span><span class="pl-s1">bundles</span><span class="pl-c1">/</span><span class="pl-s1">pages</span><span class="pl-c1">/</span><span class="pl-s1">_document</span><span class="pl-kos">.</span><span class="pl-c1">js</span>:<span class="pl-c1">70</span>:<span class="pl-c1">18</span> <span class="pl-s1">at</span> <span class="pl-v">Object</span><span class="pl-kos">.</span><span class="pl-c1">&lt;</span><span class="pl-s1">anonymous</span><span class="pl-c1">&gt;</span> <span class="pl-kos">(</span><span class="pl-pds"><span class="pl-c1">/</span>app<span class="pl-c1">/</span></span><span class="pl-kos">.</span><span class="pl-c1">next</span><span class="pl-c1">/</span><span class="pl-s1">dist</span><span class="pl-c1">/</span><span class="pl-s1">bundles</span><span class="pl-c1">/</span><span class="pl-s1">pages</span><span class="pl-c1">/</span><span class="pl-s1">_document</span><span class="pl-kos">.</span><span class="pl-c1">js</span>:<span class="pl-c1">73</span>:<span class="pl-c1">10</span><span class="pl-kos">)</span><span class="pl-kos"></span> code: <span class="pl-s">'MODULE_NOT_FOUND'</span></pre></div> <h2 dir="auto">Steps to Reproduce (for bugs)</h2> <ol dir="auto"> <li>Deploying <a href="https://github.com/eweilow/nextjs-deploy-test">https://github.com/eweilow/nextjs-deploy-test</a> to Heroku with their default configuration fails.</li> </ol> <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>5.0.0</td> </tr> <tr> <td>node</td> <td>9.x</td> </tr> <tr> <td>OS</td> <td>Ubuntu 16.04 on Heroku</td> </tr> <tr> <td>browser</td> <td>not relevant</td> </tr> <tr> <td>etc</td> <td></td> </tr> </tbody> </table>
<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/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> <p dir="auto">HTML/JSX examples with <code class="notranslate">&lt;img&gt;</code> elements should have meaningful alt attributes.</p> <h2 dir="auto">Current Behavior</h2> <p dir="auto">Two examples in <code class="notranslate">readme.md</code> use <code class="notranslate">&lt;img src="..."&gt;</code> with no alt attribute.</p> <p dir="auto">Instead, <code class="notranslate">alt</code> attributes should be part of the examples, either with an empty string value if the image is purely decorative (doesn't appear to be the case here), or with a text label that works as an adequate substitute for the image's intended meaning.</p> <h2 dir="auto">Steps to Reproduce (for bugs)</h2> <ol dir="auto"> <li>Visit <a href="https://github.com/zeit/next.js">https://github.com/zeit/next.js</a></li> <li>Read through the readme</li> </ol> <h2 dir="auto">Context</h2> <p dir="auto">Code examples that don't follow accessibility best practices train developers -- often with zero background or training in accessibility -- to treat accessibility as something superfluous and someone else's job.</p>
0
<p dir="auto">i am new to doctrine... created yml file with name XYZ.Model.User.dcm.yml inside my condig directory<br> and i run orm:generate-enities command to generate Entities in XYZ\Model\ directory but i got XYZ\Model\XYZ\Model\User.php instead of XYZ\Model\User.php</p>
<p dir="auto">i am new to doctrine... created yml file with name XYZ.Model.User.dcm.yml inside my condig directory<br> and i run orm:generate-enities command to generate Entities in XYZ\Model\ directory but i got XYZ\Model\XYZ\Model\User.php instead of XYZ\Model\User.php</p>
1
<h2 dir="auto">Description</h2> <p dir="auto">When trying to boot an electron application with electron command (directly or indirectly) electron does not boot the app, it simply exits without word, reason or logs, there are no exceptions thrown, there are no logs output, there is no indication of what is actually happening. This was initially discovered when our tests started timing out and the ChromeDriver logs also have no details of what is going on.</p> <ul dir="auto"> <li>Operating system: Ubuntu 16.04 x64.</li> <li>Electron version: v1.2.4</li> </ul> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="doctor@who ~/development/envygeeks/easy-electron-base (master +) → node_modules/.bin/electron app/entry.js --enable-logging --debug --verbose"><pre class="notranslate"><code class="notranslate">doctor@who ~/development/envygeeks/easy-electron-base (master +) → node_modules/.bin/electron app/entry.js --enable-logging --debug --verbose </code></pre></div> <ol dir="auto"> <li> <p dir="auto">Window does not load.</p> </li> <li> <p dir="auto">Contents:</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="require(&quot;babel-register&quot;) require(&quot;./win&quot;) "><pre class="notranslate"><span class="pl-en">require</span><span class="pl-kos">(</span><span class="pl-s">"babel-register"</span><span class="pl-kos">)</span> <span class="pl-en">require</span><span class="pl-kos">(</span><span class="pl-s">"./win"</span><span class="pl-kos">)</span></pre></div> </li> <li> <p dir="auto">Contents of win.js:</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import Config from &quot;./config&quot; import { default as electron, BrowserWindow } from &quot;electron&quot; import AppMenu from &quot;./menu&quot; import Dev from &quot;./dev&quot; // -- let mainWindow const app = electron.app const config = global.appConfig = new Config(app) new AppMenu(app, config).enable() /* * Create the main application window. */ function createWindow() { mainWindow = new BrowserWindow({ width: 1280, minWidth: 1024, minHeight: 768, height: 720 }) // So that electron-connect doesn't disrupt. if (config.nodeEnv == &quot;development&quot;) mainWindow.minimize() mainWindow.loadURL(`file://${__dirname}/index.html`) mainWindow.on(&quot;closed&quot;, () =&gt; mainWindow = null) new Dev(config, BrowserWindow, mainWindow). possiblyEnable() } // -- app.on(&quot;ready&quot;, createWindow) app.on(&quot;activate&quot;, () =&gt; { if (mainWindow === null) { createWindow() } }) // -- app.on(&quot;window-all-closed&quot;, () =&gt; { if (process.platform !== &quot;darwin&quot;) { config.saveUserConfig(() =&gt; { app.quit() }) } })"><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-v">Config</span> <span class="pl-k">from</span> <span class="pl-s">"./config"</span> <span class="pl-k">import</span> <span class="pl-kos">{</span> <span class="pl-s1">default</span> <span class="pl-k">as</span> <span class="pl-s1">electron</span><span class="pl-kos">,</span> <span class="pl-v">BrowserWindow</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">"electron"</span> <span class="pl-k">import</span> <span class="pl-v">AppMenu</span> <span class="pl-k">from</span> <span class="pl-s">"./menu"</span> <span class="pl-k">import</span> <span class="pl-v">Dev</span> <span class="pl-k">from</span> <span class="pl-s">"./dev"</span> <span class="pl-c">// --</span> <span class="pl-k">let</span> <span class="pl-s1">mainWindow</span> <span class="pl-k">const</span> <span class="pl-s1">app</span> <span class="pl-c1">=</span> <span class="pl-s1">electron</span><span class="pl-kos">.</span><span class="pl-c1">app</span> <span class="pl-k">const</span> <span class="pl-s1">config</span> <span class="pl-c1">=</span> <span class="pl-s1">global</span><span class="pl-kos">.</span><span class="pl-c1">appConfig</span> <span class="pl-c1">=</span> <span class="pl-k">new</span> <span class="pl-v">Config</span><span class="pl-kos">(</span><span class="pl-s1">app</span><span class="pl-kos">)</span> <span class="pl-k">new</span> <span class="pl-v">AppMenu</span><span class="pl-kos">(</span><span class="pl-s1">app</span><span class="pl-kos">,</span> <span class="pl-s1">config</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">enable</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-c">/*</span> <span class="pl-c">* Create the main application window.</span> <span class="pl-c">*/</span> <span class="pl-k">function</span> <span class="pl-en">createWindow</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-s1">mainWindow</span> <span class="pl-c1">=</span> <span class="pl-k">new</span> <span class="pl-v">BrowserWindow</span><span class="pl-kos">(</span><span class="pl-kos">{</span> <span class="pl-c1">width</span>: <span class="pl-c1">1280</span><span class="pl-kos">,</span> <span class="pl-c1">minWidth</span>: <span class="pl-c1">1024</span><span class="pl-kos">,</span> <span class="pl-c1">minHeight</span>: <span class="pl-c1">768</span><span class="pl-kos">,</span> <span class="pl-c1">height</span>: <span class="pl-c1">720</span> <span class="pl-kos">}</span><span class="pl-kos">)</span> <span class="pl-c">// So that electron-connect doesn't disrupt.</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">config</span><span class="pl-kos">.</span><span class="pl-c1">nodeEnv</span> <span class="pl-c1">==</span> <span class="pl-s">"development"</span><span class="pl-kos">)</span> <span class="pl-s1">mainWindow</span><span class="pl-kos">.</span><span class="pl-en">minimize</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-s1">mainWindow</span><span class="pl-kos">.</span><span class="pl-en">loadURL</span><span class="pl-kos">(</span><span class="pl-s">`file://<span class="pl-s1"><span class="pl-kos">${</span><span class="pl-s1">__dirname</span><span class="pl-kos">}</span></span>/index.html`</span><span class="pl-kos">)</span> <span class="pl-s1">mainWindow</span><span class="pl-kos">.</span><span class="pl-en">on</span><span class="pl-kos">(</span><span class="pl-s">"closed"</span><span class="pl-kos">,</span> <span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-c1">=&gt;</span> <span class="pl-s1">mainWindow</span> <span class="pl-c1">=</span> <span class="pl-c1">null</span><span class="pl-kos">)</span> <span class="pl-k">new</span> <span class="pl-v">Dev</span><span class="pl-kos">(</span><span class="pl-s1">config</span><span class="pl-kos">,</span> <span class="pl-v">BrowserWindow</span><span class="pl-kos">,</span> <span class="pl-s1">mainWindow</span><span class="pl-kos">)</span><span class="pl-kos">.</span> <span class="pl-en">possiblyEnable</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-kos">}</span> <span class="pl-c">// --</span> <span class="pl-s1">app</span><span class="pl-kos">.</span><span class="pl-en">on</span><span class="pl-kos">(</span><span class="pl-s">"ready"</span><span class="pl-kos">,</span> <span class="pl-s1">createWindow</span><span class="pl-kos">)</span> <span class="pl-s1">app</span><span class="pl-kos">.</span><span class="pl-en">on</span><span class="pl-kos">(</span><span class="pl-s">"activate"</span><span class="pl-kos">,</span> <span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-c1">=&gt;</span> <span class="pl-kos">{</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">mainWindow</span> <span class="pl-c1">===</span> <span class="pl-c1">null</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-en">createWindow</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> <span class="pl-s1">app</span><span class="pl-kos">.</span><span class="pl-en">on</span><span class="pl-kos">(</span><span class="pl-s">"window-all-closed"</span><span class="pl-kos">,</span> <span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-c1">=&gt;</span> <span class="pl-kos">{</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">process</span><span class="pl-kos">.</span><span class="pl-c1">platform</span> <span class="pl-c1">!==</span> <span class="pl-s">"darwin"</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-s1">config</span><span class="pl-kos">.</span><span class="pl-en">saveUserConfig</span><span class="pl-kos">(</span><span class="pl-kos">(</span><span class="pl-kos">)</span> <span class="pl-c1">=&gt;</span> <span class="pl-kos">{</span> <span class="pl-s1">app</span><span class="pl-kos">.</span><span class="pl-en">quit</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> </li> </ol> <h2 dir="auto">Important Notes:</h2> <ul dir="auto"> <li>This does not happen on v1.2.2 (installed system-wide) or v1.2.3 (what it was before an hour ago).</li> <li>We have not tested this on macOS or Windows and have only tested on Fedora and Ubuntu.</li> </ul>
<ul dir="auto"> <li>Electron version: 1.2.4</li> <li>Operating system: Linux xxx 4.2.0-38-generic <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="17570403" data-permission-text="Title is private" data-url="https://github.com/electron/electron/issues/45" data-hovercard-type="issue" data-hovercard-url="/electron/electron/issues/45/hovercard" href="https://github.com/electron/electron/issues/45">#45</a>~14.04.1-Ubuntu SMP Thu Jun 9 09:27:51 UTC 2016 x86_64 x86_64 x86_64 GNU/Linux</li> </ul> <p dir="auto">I was trying to set 1.2.2 - 1.2.3 versions and works fine. When updating to 1.2.4 app.on('ready'...) never works. No errors output on console.<br> Trying "Quick start" from electron. <a href="https://github.com/electron/electron-quick-start">https://github.com/electron/electron-quick-start</a></p>
1
<p dir="auto">When you use <code class="notranslate">&lt;a router-link="foo"&gt;Link&lt;/a&gt;</code> with an accompanying <code class="notranslate">&lt;router-outlet&gt;&lt;/router-outlet&gt;</code>, the proper component's template appears in the outlet. The issue is when the user refreshes (on the proper URL extension, i.e., <code class="notranslate">localhost:8080/foo</code>), no templates are loaded (including the original app's template), leaving the page blank. As far as I can tell, what's happening is that as that URL only is marked to use the template of <code class="notranslate">foo</code>, so there is no outlet for it to show up in. There is the chance I am doing this wrong, but everything else is working properly.</p>
<p dir="auto">It appears that only the HashLocationStrategy updates the url on calls to router.navigate. When I change my LocationStrategy to the HTML5LocationStrategy the urls no longer update when navigating from <em>"/products/:productId" -&gt; "/"</em>. The navigation does occur, though.</p> <p dir="auto">This is happening on Alpha.31.</p> <p dir="auto">The code I'm using is below.</p> <h1 dir="auto">Component Controller code</h1> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=" updateProduct(product: {productId:string, name:string, description:string}) { this.productStore.updateProduct(product); this.router.navigate('/'); }"><pre class="notranslate"> <span class="pl-en">updateProduct</span><span class="pl-kos">(</span><span class="pl-s1">product</span>: <span class="pl-kos">{</span><span class="pl-c1">productId</span>:<span class="pl-s1">string</span><span class="pl-kos">,</span> <span class="pl-c1">name</span>:<span class="pl-s1">string</span><span class="pl-kos">,</span> <span class="pl-c1">description</span>:<span class="pl-s1">string</span><span class="pl-kos">}</span><span class="pl-kos">)</span><span class="pl-kos"></span> <span class="pl-kos">{</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-c1">productStore</span><span class="pl-kos">.</span><span class="pl-en">updateProduct</span><span class="pl-kos">(</span><span class="pl-s1">product</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-c1">router</span><span class="pl-kos">.</span><span class="pl-en">navigate</span><span class="pl-kos">(</span><span class="pl-s">'/'</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-kos">}</span></pre></div> <h1 dir="auto">Routes</h1> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="@RouteConfig([ {path: '/', component: ProductsList, as: 'Products'}, {path: '/products/:productId', component: UpdateProducts, as: 'UpdateProducts'} ])"><pre class="notranslate">@<span class="pl-v">RouteConfig</span><span class="pl-kos">(</span><span class="pl-kos">[</span> <span class="pl-kos">{</span><span class="pl-c1">path</span>: <span class="pl-s">'/'</span><span class="pl-kos">,</span> <span class="pl-c1">component</span>: <span class="pl-v">ProductsList</span><span class="pl-kos">,</span> <span class="pl-c1">as</span>: <span class="pl-s">'Products'</span><span class="pl-kos">}</span><span class="pl-kos">,</span> <span class="pl-kos">{</span><span class="pl-c1">path</span>: <span class="pl-s">'/products/:productId'</span><span class="pl-kos">,</span> <span class="pl-c1">component</span>: <span class="pl-v">UpdateProducts</span><span class="pl-kos">,</span> <span class="pl-c1">as</span>: <span class="pl-s">'UpdateProducts'</span><span class="pl-kos">}</span> <span class="pl-kos">]</span><span class="pl-kos">)</span></pre></div> <h1 dir="auto">Bootstrap</h1> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import { httpInjectables } from 'angular2/http'; import { bootstrap, bind } from 'angular2/angular2'; import { routerInjectables, LocationStrategy, HashLocationStrategy, HTML5LocationStrategy } from 'angular2/router'; import { Onboarding } from './components/onboarding/onboarding'; bootstrap(Onboarding, [ httpInjectables,routerInjectables, bind(LocationStrategy).toClass(HTML5LocationStrategy ) ]);"><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-kos">{</span> <span class="pl-s1">httpInjectables</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">'angular2/http'</span><span class="pl-kos">;</span> <span class="pl-k">import</span> <span class="pl-kos">{</span> <span class="pl-s1">bootstrap</span><span class="pl-kos">,</span> <span class="pl-s1">bind</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">'angular2/angular2'</span><span class="pl-kos">;</span> <span class="pl-k">import</span> <span class="pl-kos">{</span> <span class="pl-s1">routerInjectables</span><span class="pl-kos">,</span> <span class="pl-v">LocationStrategy</span><span class="pl-kos">,</span> <span class="pl-v">HashLocationStrategy</span><span class="pl-kos">,</span> <span class="pl-v">HTML5LocationStrategy</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">'angular2/router'</span><span class="pl-kos">;</span> <span class="pl-k">import</span> <span class="pl-kos">{</span> <span class="pl-v">Onboarding</span> <span class="pl-kos">}</span> <span class="pl-k">from</span> <span class="pl-s">'./components/onboarding/onboarding'</span><span class="pl-kos">;</span> <span class="pl-en">bootstrap</span><span class="pl-kos">(</span><span class="pl-v">Onboarding</span><span class="pl-kos">,</span> <span class="pl-kos">[</span> <span class="pl-s1">httpInjectables</span><span class="pl-kos">,</span><span class="pl-s1">routerInjectables</span><span class="pl-kos">,</span> <span class="pl-en">bind</span><span class="pl-kos">(</span><span class="pl-v">LocationStrategy</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">toClass</span><span class="pl-kos">(</span><span class="pl-v">HTML5LocationStrategy</span> <span class="pl-kos">)</span> <span class="pl-kos">]</span><span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div>
1
<p dir="auto">[Enter steps to reproduce below:]</p> <ol dir="auto"> <li>...</li> <li>...</li> </ol> <p dir="auto"><strong>Atom Version</strong>: 0.199.0<br> <strong>System</strong>: Microsoft Windows 7 Enterprise<br> <strong>Thrown From</strong>: Atom Core</p> <h3 dir="auto">Stack Trace</h3> <p dir="auto">Uncaught Error: Cannot find module './context-menu'<br> Error: Cannot find module './context-menu'<br> at Function.Module._resolveFilename (module.js:328:15)<br> at Function.Module._load (module.js:270:25)<br> at Module.require (module.js:357:17)<br> at require (module.js:376:17)<br> at BrowserWindow. (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\src\browser\atom-window.js:152:27)<br> at emitOne (events.js:77:13)<br> at BrowserWindow.emit (events.js:166:7)<br> at callFunction (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\browser\lib\rpc-server.js:116:18)<br> at EventEmitter. (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\browser\lib\rpc-server.js:208:14)<br> at emitMany (events.js:108:13)</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="At C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\renderer\api\lib\remote.js:77 Error: Cannot find module './context-menu' Error: Cannot find module './context-menu' at Function.Module._resolveFilename (module.js:328:15) at Function.Module._load (module.js:270:25) at Module.require (module.js:357:17) at require (module.js:376:17) at BrowserWindow.&lt;anonymous&gt; (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\src\browser\atom-window.js:152:27) at emitOne (events.js:77:13) at BrowserWindow.emit (events.js:166:7) at callFunction (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\browser\lib\rpc-server.js:116:18) at EventEmitter.&lt;anonymous&gt; (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\browser\lib\rpc-server.js:208:14) at emitMany (events.js:108:13) at metaToValue (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\renderer\api\lib\remote.js:77:15) at BrowserWindow.RemoteMemberFunction [as emit] (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\renderer\api\lib\remote.js:111:26) at ContextMenuManager.module.exports.ContextMenuManager.showForEvent (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\src\context-menu-manager.js:170:31) at HTMLDocument.&lt;anonymous&gt; (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\src\window-event-handler.js:149:33) at HTMLDocument.handler (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\src\space-pen-extensions.js:112:34) at HTMLDocument.jQuery.event.dispatch (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\node_modules\space-pen\vendor\jquery.js:4681:9) at HTMLDocument.elemData.handle (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\node_modules\space-pen\vendor\jquery.js:4359:46) "><pre class="notranslate"><code class="notranslate">At C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\renderer\api\lib\remote.js:77 Error: Cannot find module './context-menu' Error: Cannot find module './context-menu' at Function.Module._resolveFilename (module.js:328:15) at Function.Module._load (module.js:270:25) at Module.require (module.js:357:17) at require (module.js:376:17) at BrowserWindow.&lt;anonymous&gt; (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\src\browser\atom-window.js:152:27) at emitOne (events.js:77:13) at BrowserWindow.emit (events.js:166:7) at callFunction (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\browser\lib\rpc-server.js:116:18) at EventEmitter.&lt;anonymous&gt; (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\browser\lib\rpc-server.js:208:14) at emitMany (events.js:108:13) at metaToValue (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\renderer\api\lib\remote.js:77:15) at BrowserWindow.RemoteMemberFunction [as emit] (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\atom.asar\renderer\api\lib\remote.js:111:26) at ContextMenuManager.module.exports.ContextMenuManager.showForEvent (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\src\context-menu-manager.js:170:31) at HTMLDocument.&lt;anonymous&gt; (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\src\window-event-handler.js:149:33) at HTMLDocument.handler (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\src\space-pen-extensions.js:112:34) at HTMLDocument.jQuery.event.dispatch (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\node_modules\space-pen\vendor\jquery.js:4681:9) at HTMLDocument.elemData.handle (C:\Users\s117532\AppData\Local\atom\app-0.199.0\resources\app.asar\node_modules\space-pen\vendor\jquery.js:4359:46) </code></pre></div> <h3 dir="auto">Commands</h3> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" 6x -0:55.4.0 editor:newline (atom-text-editor.editor.is-focused) -0:44.5.0 core:select-all (atom-text-editor.editor.is-focused) -0:44.3.0 core:paste (atom-text-editor.editor.is-focused) -0:20.1.0 core:save (atom-text-editor.editor.is-focused)"><pre class="notranslate"><code class="notranslate"> 6x -0:55.4.0 editor:newline (atom-text-editor.editor.is-focused) -0:44.5.0 core:select-all (atom-text-editor.editor.is-focused) -0:44.3.0 core:paste (atom-text-editor.editor.is-focused) -0:20.1.0 core:save (atom-text-editor.editor.is-focused) </code></pre></div> <h3 dir="auto">Config</h3> <div class="highlight highlight-source-json notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="{ &quot;core&quot;: { &quot;themes&quot;: [ &quot;one-dark-ui&quot;, &quot;atom-dark-syntax&quot; ] } }"><pre class="notranslate">{ <span class="pl-ent">"core"</span>: { <span class="pl-ent">"themes"</span>: [ <span class="pl-s"><span class="pl-pds">"</span>one-dark-ui<span class="pl-pds">"</span></span>, <span class="pl-s"><span class="pl-pds">"</span>atom-dark-syntax<span class="pl-pds">"</span></span> ] } }</pre></div> <h3 dir="auto">Installed Packages</h3> <div class="highlight highlight-source-coffee notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="# User language-opencl, v0.1.1 # Dev No dev packages"><pre class="notranslate"><span class="pl-c"><span class="pl-c">#</span> User</span> language<span class="pl-k">-</span>opencl, v0.<span class="pl-ii">1</span>.<span class="pl-ii">1</span> <span class="pl-c"><span class="pl-c">#</span> Dev</span> <span class="pl-en">No</span> <span class="pl-en">dev</span> packages</pre></div>
<p dir="auto">I right-clicked on a folder in the tree view</p> <p dir="auto"><strong>Atom Version</strong>: 0.194.0<br> <strong>System</strong>: Windows 7 Entreprise<br> <strong>Thrown From</strong>: Atom Core</p> <h3 dir="auto">Stack Trace</h3> <p dir="auto">Uncaught Error: Cannot find module './context-menu'<br> Error: Cannot find module './context-menu'<br> at Function.Module._resolveFilename (module.js:328:15)<br> at Function.Module._load (module.js:270:25)<br> at Module.require (module.js:357:17)<br> at require (module.js:376:17)<br> at BrowserWindow. (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\src\browser\atom-window.js:152:27)<br> at emitOne (events.js:77:13)<br> at BrowserWindow.emit (events.js:166:7)<br> at callFunction (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\browser\lib\rpc-server.js:116:18)<br> at EventEmitter. (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\browser\lib\rpc-server.js:208:14)<br> at emitMany (events.js:108:13)</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="At C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\renderer\api\lib\remote.js:77 Error: Cannot find module './context-menu' Error: Cannot find module './context-menu' at Function.Module._resolveFilename (module.js:328:15) at Function.Module._load (module.js:270:25) at Module.require (module.js:357:17) at require (module.js:376:17) at BrowserWindow.&lt;anonymous&gt; (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\src\browser\atom-window.js:152:27) at emitOne (events.js:77:13) at BrowserWindow.emit (events.js:166:7) at callFunction (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\browser\lib\rpc-server.js:116:18) at EventEmitter.&lt;anonymous&gt; (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\browser\lib\rpc-server.js:208:14) at emitMany (events.js:108:13) at metaToValue (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\renderer\api\lib\remote.js:77:15) at BrowserWindow.RemoteMemberFunction [as emit] (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\renderer\api\lib\remote.js:111:26) at ContextMenuManager.module.exports.ContextMenuManager.showForEvent (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\src\context-menu-manager.js:170:31) at HTMLDocument.&lt;anonymous&gt; (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\src\window-event-handler.js:149:33) at HTMLDocument.handler (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\src\space-pen-extensions.js:112:34) at HTMLDocument.jQuery.event.dispatch (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\node_modules\space-pen\vendor\jquery.js:4681:9) at HTMLDocument.elemData.handle (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\node_modules\space-pen\vendor\jquery.js:4359:46) "><pre class="notranslate"><code class="notranslate">At C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\renderer\api\lib\remote.js:77 Error: Cannot find module './context-menu' Error: Cannot find module './context-menu' at Function.Module._resolveFilename (module.js:328:15) at Function.Module._load (module.js:270:25) at Module.require (module.js:357:17) at require (module.js:376:17) at BrowserWindow.&lt;anonymous&gt; (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\src\browser\atom-window.js:152:27) at emitOne (events.js:77:13) at BrowserWindow.emit (events.js:166:7) at callFunction (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\browser\lib\rpc-server.js:116:18) at EventEmitter.&lt;anonymous&gt; (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\browser\lib\rpc-server.js:208:14) at emitMany (events.js:108:13) at metaToValue (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\renderer\api\lib\remote.js:77:15) at BrowserWindow.RemoteMemberFunction [as emit] (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\atom.asar\renderer\api\lib\remote.js:111:26) at ContextMenuManager.module.exports.ContextMenuManager.showForEvent (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\src\context-menu-manager.js:170:31) at HTMLDocument.&lt;anonymous&gt; (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\src\window-event-handler.js:149:33) at HTMLDocument.handler (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\src\space-pen-extensions.js:112:34) at HTMLDocument.jQuery.event.dispatch (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\node_modules\space-pen\vendor\jquery.js:4681:9) at HTMLDocument.elemData.handle (C:\Users\jbrichardet\AppData\Local\atom\app-0.194.0\resources\app.asar\node_modules\space-pen\vendor\jquery.js:4359:46) </code></pre></div> <h3 dir="auto">Commands</h3> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" -4:55.5.0 editor:checkout-head-revision (atom-text-editor.editor.is-focused) 2x -3:41.6.0 window:focus-pane-on-right (atom-text-editor.editor) -3:17.5.0 application:add-project-folder (ol.tree-view.full-menu.list-tree.has-collapsable-children.focusable-panel) -2:47.4.0 editor:newline (atom-text-editor.editor.is-focused) -2:38.2.0 core:cut (atom-text-editor.editor) -2:36.5.0 core:paste (atom-text-editor.editor.is-focused) -2:26.6.0 core:save (atom-text-editor.editor.is-focused) -2:20.6.0 core:move-down (atom-text-editor.editor) -2:20.4.0 autocomplete-plus:confirm (atom-text-editor.editor) -2:15.8.0 core:save (atom-text-editor.editor) -2:08.7.0 core:copy (atom-text-editor.editor.is-focused) -2:01.2.0 core:paste (atom-text-editor.editor.is-focused) -1:59.7.0 core:save (atom-text-editor.editor.is-focused) -1:52.2.0 core:paste (atom-text-editor.editor.is-focused) -1:51.6.0 core:save (atom-text-editor.editor.is-focused) -1:30.6.0 core:backspace (atom-text-editor.editor)"><pre class="notranslate"><code class="notranslate"> -4:55.5.0 editor:checkout-head-revision (atom-text-editor.editor.is-focused) 2x -3:41.6.0 window:focus-pane-on-right (atom-text-editor.editor) -3:17.5.0 application:add-project-folder (ol.tree-view.full-menu.list-tree.has-collapsable-children.focusable-panel) -2:47.4.0 editor:newline (atom-text-editor.editor.is-focused) -2:38.2.0 core:cut (atom-text-editor.editor) -2:36.5.0 core:paste (atom-text-editor.editor.is-focused) -2:26.6.0 core:save (atom-text-editor.editor.is-focused) -2:20.6.0 core:move-down (atom-text-editor.editor) -2:20.4.0 autocomplete-plus:confirm (atom-text-editor.editor) -2:15.8.0 core:save (atom-text-editor.editor) -2:08.7.0 core:copy (atom-text-editor.editor.is-focused) -2:01.2.0 core:paste (atom-text-editor.editor.is-focused) -1:59.7.0 core:save (atom-text-editor.editor.is-focused) -1:52.2.0 core:paste (atom-text-editor.editor.is-focused) -1:51.6.0 core:save (atom-text-editor.editor.is-focused) -1:30.6.0 core:backspace (atom-text-editor.editor) </code></pre></div> <h3 dir="auto">Config</h3> <div class="highlight highlight-source-json notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="{ &quot;core&quot;: { &quot;ignoredNames&quot;: [ &quot;node_modules&quot; ], &quot;themes&quot;: [ &quot;atom-dark-ui&quot;, &quot;seti-syntax&quot; ], &quot;disabledPackages&quot;: [ &quot;Tern&quot; ], &quot;projectHome&quot;: &quot;Y:\\app-tfoumax&quot; }, &quot;editor&quot;: { &quot;invisibles&quot;: {}, &quot;softWrap&quot;: true, &quot;showIndentGuide&quot;: true } }"><pre class="notranslate">{ <span class="pl-ent">"core"</span>: { <span class="pl-ent">"ignoredNames"</span>: [ <span class="pl-s"><span class="pl-pds">"</span>node_modules<span class="pl-pds">"</span></span> ], <span class="pl-ent">"themes"</span>: [ <span class="pl-s"><span class="pl-pds">"</span>atom-dark-ui<span class="pl-pds">"</span></span>, <span class="pl-s"><span class="pl-pds">"</span>seti-syntax<span class="pl-pds">"</span></span> ], <span class="pl-ent">"disabledPackages"</span>: [ <span class="pl-s"><span class="pl-pds">"</span>Tern<span class="pl-pds">"</span></span> ], <span class="pl-ent">"projectHome"</span>: <span class="pl-s"><span class="pl-pds">"</span>Y:<span class="pl-cce">\\</span>app-tfoumax<span class="pl-pds">"</span></span> }, <span class="pl-ent">"editor"</span>: { <span class="pl-ent">"invisibles"</span>: {}, <span class="pl-ent">"softWrap"</span>: <span class="pl-c1">true</span>, <span class="pl-ent">"showIndentGuide"</span>: <span class="pl-c1">true</span> } }</pre></div> <h3 dir="auto">Installed Packages</h3> <div class="highlight highlight-source-coffee notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="# User autocomplete-plus, v2.12.0 autocomplete-snippets, v1.2.0 javascript-snippets, v1.0.0 jshint, v1.3.5 language-ejs, v0.1.0 linter, v0.12.1 pretty-json, v0.3.3 save-session, v0.14.0 Search, v0.4.0 seti-syntax, v0.4.0 # Dev No dev packages"><pre class="notranslate"><span class="pl-c"><span class="pl-c">#</span> User</span> autocomplete<span class="pl-k">-</span>plus, v2.<span class="pl-ii">12</span>.<span class="pl-ii">0</span> autocomplete<span class="pl-k">-</span>snippets, v1.<span class="pl-ii">2</span>.<span class="pl-ii">0</span> javascript<span class="pl-k">-</span>snippets, v1.<span class="pl-ii">0</span>.<span class="pl-ii">0</span> jshint, v1.<span class="pl-ii">3</span>.<span class="pl-ii">5</span> language<span class="pl-k">-</span>ejs, v0.<span class="pl-ii">1</span>.<span class="pl-ii">0</span> linter, v0.<span class="pl-ii">12</span>.<span class="pl-ii">1</span> pretty<span class="pl-k">-</span>json, v0.<span class="pl-ii">3</span>.<span class="pl-ii">3</span> save<span class="pl-k">-</span>session, v0.<span class="pl-ii">14</span>.<span class="pl-ii">0</span> Search, v0.<span class="pl-ii">4</span>.<span class="pl-ii">0</span> seti<span class="pl-k">-</span>syntax, v0.<span class="pl-ii">4</span>.<span class="pl-ii">0</span> <span class="pl-c"><span class="pl-c">#</span> Dev</span> <span class="pl-en">No</span> <span class="pl-en">dev</span> packages</pre></div>
1
<p dir="auto">I think it's a bug related with the feature <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="171062392" data-permission-text="Title is private" data-url="https://github.com/symfony/symfony/issues/19612" data-hovercard-type="issue" data-hovercard-url="/symfony/symfony/issues/19612/hovercard" href="https://github.com/symfony/symfony/issues/19612">#19612</a></p> <p dir="auto">I have a route group for an admin section, and I want to prefix the URL and name of each route inside the <code class="notranslate">App\Controller\Admin</code> namespace.</p> <p dir="auto">If I go only for the route prefix it works without any problem</p> <div class="highlight highlight-source-yaml notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="# config/routes.yaml admin: prefix: /admin resource: ../src/Controller/Admin type: annotation"><pre class="notranslate"><span class="pl-c"><span class="pl-c">#</span> config/routes.yaml</span> <span class="pl-ent">admin</span>: <span class="pl-ent">prefix</span>: <span class="pl-s">/admin</span> <span class="pl-ent">resource</span>: <span class="pl-s">../src/Controller/Admin</span> <span class="pl-ent">type</span>: <span class="pl-s">annotation</span></pre></div> <p dir="auto">The router debug gives me the following output:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" -------------------------- ---------- -------- ------ ----------------------------------- Name Method Scheme Host Path -------------------------- ---------- -------- ------ ----------------------------------- _twig_error_test ANY ANY ANY /_error/{code}.{_format} _wdt ANY ANY ANY /_wdt/{token} _profiler_home ANY ANY ANY /_profiler/ _profiler_search ANY ANY ANY /_profiler/search _profiler_search_bar ANY ANY ANY /_profiler/search_bar _profiler_phpinfo ANY ANY ANY /_profiler/phpinfo _profiler_search_results ANY ANY ANY /_profiler/{token}/search/results _profiler_open_file ANY ANY ANY /_profiler/open _profiler ANY ANY ANY /_profiler/{token} _profiler_router ANY ANY ANY /_profiler/{token}/router _profiler_exception ANY ANY ANY /_profiler/{token}/exception _profiler_exception_css ANY ANY ANY /_profiler/{token}/exception.css index ANY ANY ANY /admin/ login ANY ANY ANY /admin/login user_index GET ANY ANY /admin/user user_new GET|POST ANY ANY /admin/user/new user_show GET ANY ANY /admin/user/{id} user_edit GET|POST ANY ANY /admin/user/{id}/edit user_delete DELETE ANY ANY /admin/user/{id} admin_logout ANY ANY ANY /admin/logout -------------------------- ---------- -------- ------ ----------------------------------- "><pre class="notranslate"><code class="notranslate"> -------------------------- ---------- -------- ------ ----------------------------------- Name Method Scheme Host Path -------------------------- ---------- -------- ------ ----------------------------------- _twig_error_test ANY ANY ANY /_error/{code}.{_format} _wdt ANY ANY ANY /_wdt/{token} _profiler_home ANY ANY ANY /_profiler/ _profiler_search ANY ANY ANY /_profiler/search _profiler_search_bar ANY ANY ANY /_profiler/search_bar _profiler_phpinfo ANY ANY ANY /_profiler/phpinfo _profiler_search_results ANY ANY ANY /_profiler/{token}/search/results _profiler_open_file ANY ANY ANY /_profiler/open _profiler ANY ANY ANY /_profiler/{token} _profiler_router ANY ANY ANY /_profiler/{token}/router _profiler_exception ANY ANY ANY /_profiler/{token}/exception _profiler_exception_css ANY ANY ANY /_profiler/{token}/exception.css index ANY ANY ANY /admin/ login ANY ANY ANY /admin/login user_index GET ANY ANY /admin/user user_new GET|POST ANY ANY /admin/user/new user_show GET ANY ANY /admin/user/{id} user_edit GET|POST ANY ANY /admin/user/{id}/edit user_delete DELETE ANY ANY /admin/user/{id} admin_logout ANY ANY ANY /admin/logout -------------------------- ---------- -------- ------ ----------------------------------- </code></pre></div> <p dir="auto">The problem comes when I add the <code class="notranslate">name_prefix</code> route:</p> <div class="highlight highlight-source-yaml notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="# config/routes.yaml admin: name_prefix: admin_ prefix: /admin resource: ../src/Controller/Admin type: annotation"><pre class="notranslate"><span class="pl-c"><span class="pl-c">#</span> config/routes.yaml</span> <span class="pl-ent">admin</span>: <span class="pl-ent">name_prefix</span>: <span class="pl-s">admin_</span> <span class="pl-ent">prefix</span>: <span class="pl-s">/admin</span> <span class="pl-ent">resource</span>: <span class="pl-s">../src/Controller/Admin</span> <span class="pl-ent">type</span>: <span class="pl-s">annotation</span></pre></div> <p dir="auto">The router debug gives the following output, and I can verify that the URLs are duplicated:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" -------------------------- ---------- -------- ------ ----------------------------------- Name Method Scheme Host Path -------------------------- ---------- -------- ------ ----------------------------------- index ANY ANY ANY / login ANY ANY ANY /login user_index GET ANY ANY /user user_new GET|POST ANY ANY /user/new user_show GET ANY ANY /user/{id} user_edit GET|POST ANY ANY /user/{id}/edit user_delete DELETE ANY ANY /user/{id} _twig_error_test ANY ANY ANY /_error/{code}.{_format} _wdt ANY ANY ANY /_wdt/{token} _profiler_home ANY ANY ANY /_profiler/ _profiler_search ANY ANY ANY /_profiler/search _profiler_search_bar ANY ANY ANY /_profiler/search_bar _profiler_phpinfo ANY ANY ANY /_profiler/phpinfo _profiler_search_results ANY ANY ANY /_profiler/{token}/search/results _profiler_open_file ANY ANY ANY /_profiler/open _profiler ANY ANY ANY /_profiler/{token} _profiler_router ANY ANY ANY /_profiler/{token}/router _profiler_exception ANY ANY ANY /_profiler/{token}/exception _profiler_exception_css ANY ANY ANY /_profiler/{token}/exception.css admin_index ANY ANY ANY /admin/ admin_login ANY ANY ANY /admin/login admin_user_index GET ANY ANY /admin/user admin_user_new GET|POST ANY ANY /admin/user/new admin_user_show GET ANY ANY /admin/user/{id} admin_user_edit GET|POST ANY ANY /admin/user/{id}/edit admin_user_delete DELETE ANY ANY /admin/user/{id} admin_logout ANY ANY ANY /admin/logout -------------------------- ---------- -------- ------ ----------------------------------- "><pre class="notranslate"><code class="notranslate"> -------------------------- ---------- -------- ------ ----------------------------------- Name Method Scheme Host Path -------------------------- ---------- -------- ------ ----------------------------------- index ANY ANY ANY / login ANY ANY ANY /login user_index GET ANY ANY /user user_new GET|POST ANY ANY /user/new user_show GET ANY ANY /user/{id} user_edit GET|POST ANY ANY /user/{id}/edit user_delete DELETE ANY ANY /user/{id} _twig_error_test ANY ANY ANY /_error/{code}.{_format} _wdt ANY ANY ANY /_wdt/{token} _profiler_home ANY ANY ANY /_profiler/ _profiler_search ANY ANY ANY /_profiler/search _profiler_search_bar ANY ANY ANY /_profiler/search_bar _profiler_phpinfo ANY ANY ANY /_profiler/phpinfo _profiler_search_results ANY ANY ANY /_profiler/{token}/search/results _profiler_open_file ANY ANY ANY /_profiler/open _profiler ANY ANY ANY /_profiler/{token} _profiler_router ANY ANY ANY /_profiler/{token}/router _profiler_exception ANY ANY ANY /_profiler/{token}/exception _profiler_exception_css ANY ANY ANY /_profiler/{token}/exception.css admin_index ANY ANY ANY /admin/ admin_login ANY ANY ANY /admin/login admin_user_index GET ANY ANY /admin/user admin_user_new GET|POST ANY ANY /admin/user/new admin_user_show GET ANY ANY /admin/user/{id} admin_user_edit GET|POST ANY ANY /admin/user/{id}/edit admin_user_delete DELETE ANY ANY /admin/user/{id} admin_logout ANY ANY ANY /admin/logout -------------------------- ---------- -------- ------ ----------------------------------- </code></pre></div> <p dir="auto"><em>Originally posted by <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/devnix/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/devnix">@devnix</a> in <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="171062392" data-permission-text="Title is private" data-url="https://github.com/symfony/symfony/issues/19612" data-hovercard-type="issue" data-hovercard-url="/symfony/symfony/issues/19612/hovercard?comment_id=435630266&amp;comment_type=issue_comment" href="https://github.com/symfony/symfony/issues/19612#issuecomment-435630266">#19612 (comment)</a></em></p>
<p dir="auto">This issue is about discussion my DX initiative for optimization and generalization of symfony 2 functional testing mechanisms. I use this approach for about 2 years and i can provide corresponding PR if it receives positive feedback.</p> <h1 dir="auto">Problem</h1> <p dir="auto">For now all the bundles that contain functional tests need to describe test application kernel class to boot and run test application. These surrogate kernel classes look very similar to each other. You can find them not only inside base symfony's bundles: <a href="https://github.com/symfony/symfony/blob/2.7/src/Symfony/Bundle/FrameworkBundle/Tests/Functional/app/AppKernel.php">FrameworkBundle</a>, <a href="https://github.com/symfony/symfony/blob/2.7/src/Symfony/Bundle/SecurityBundle/Tests/Functional/app/AppKernel.php">SecurityBundle</a>, <a href="https://github.com/symfony/symfony/blob/2.7/src/Symfony/Bundle/TwigBundle/Tests/Functional/NoTemplatingEntryTest.php">TwigBundle</a>, but inside other bundles: <a href="https://github.com/FriendsOfSymfony/FOSRestBundle/blob/master/Tests/Functional/app/AppKernel.php">FOSRestBundle</a>, <a href="https://github.com/FriendsOfSymfony/FOSOAuthServerBundle/blob/master/Tests/Functional/AppKernel.php">FOSOAuthServerBundle</a>. I can give you other examples if you want. Moreover developers often additionally have to deal with autoloading (See for example <a href="https://github.com/symfony/symfony/blob/2.7/src/Symfony/Bundle/SecurityBundle/Tests/Functional/app/AppKernel.php#L15-L36">here</a>).<br> In my opinion such duplicating should be avoided. Instead it would be nice to have ability to <em>describe</em> what kind of test kernel we need in order to receive required kernel object from framework.</p> <p dir="auto">Another drawback can be appeared if KERNEL_DIR env variable is used to point directory that contains 2 or more files suffixed with "Kernel" word. Imagine that my AppKernel extends some IntermediateKernel (which extends base Symfony\Component\HttpKernel\Kernel\Kernel) located in the same folder. Due to WebTestCase uses Finder to locate kernel file by '*Kernel.php' glob in such cases we actually can not know in advance what kernel exactly would be choosen (it can depend on OS and filesystem type).</p> <h1 dir="auto">Proposal</h1> <p dir="auto">Since every single bundle depends on framework-bundle we can place inside functionality to generate test kernels using user specified options.</p> <p dir="auto">I propose to implement base implementation for test kernel class that implements all things that surrogate test kernels like listed above usually do (simplified):</p> <div class="highlight highlight-text-html-php notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="/** * Kernel for functional / integration tests */ class BaseTestKernel extends Kernel implements TestKernelInterface { protected $testCase; protected $rootConfig; protected $configDir; protected $rootDir; /** * Sets test kernel configuration */ public function setTestKernelConfiguration($testCase, $configDir, $rootConfig, $rootDir) { // initializing test configs } /** * Registers bundles for the test kernel */ public function registerBundles() { $bundles = array(); $baseBundles = $this-&gt;getBaseBundles(); if (file_exists($filename = $this-&gt;configDir . '/' . $this-&gt;testCase . '/bundles.php')) { $bundles = include $filename; } return array_merge($baseBundles, $bundles); } /** * {@inheritdoc} */ public function getCacheDir() { return $this-&gt;getTempAppDir().'/cache/'.$this-&gt;environment; } /** * {@inheritdoc} */ public function getLogDir() { return $this-&gt;getTempAppDir().'/logs'; } /** * {@inheritdoc} */ public function getTempAppDir() { return sys_get_temp_dir().'/'.$this-&gt;testCase; } /** * {@inheritdoc} */ public function registerContainerConfiguration(LoaderInterface $loader) { $loader-&gt;load($this-&gt;rootConfig); } /** * {@inheritDoc} */ public function serialize() { // serializing test kernel } /** * {@inheritdoc} */ public function unserialize($str) { // unserializing test kernel } /** * Returns base bundle list * * @return array */ protected function getBaseBundles() { return array(new \Symfony\Bundle\FrameworkBundle\FrameworkBundle()); } /** * {@inheritDoc} */ protected function getKernelParameters() { $parameters = parent::getKernelParameters(); $parameters['kernel.test_case'] = $this-&gt;testCase; return $parameters; } }"><pre class="notranslate"><span class="pl-c">/**</span> <span class="pl-c"> * Kernel for functional / integration tests</span> <span class="pl-c"> */</span> <span class="pl-k">class</span> <span class="pl-v">BaseTestKernel</span> <span class="pl-k">extends</span> <span class="pl-v">Kernel</span> <span class="pl-k">implements</span> <span class="pl-v">TestKernelInterface</span> { <span class="pl-k">protected</span> <span class="pl-c1"><span class="pl-c1">$</span>testCase</span>; <span class="pl-k">protected</span> <span class="pl-c1"><span class="pl-c1">$</span>rootConfig</span>; <span class="pl-k">protected</span> <span class="pl-c1"><span class="pl-c1">$</span>configDir</span>; <span class="pl-k">protected</span> <span class="pl-c1"><span class="pl-c1">$</span>rootDir</span>; <span class="pl-c">/**</span> <span class="pl-c"> * Sets test kernel configuration </span> <span class="pl-c"> */</span> <span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">setTestKernelConfiguration</span>(<span class="pl-s1"><span class="pl-c1">$</span>testCase</span>, <span class="pl-s1"><span class="pl-c1">$</span>configDir</span>, <span class="pl-s1"><span class="pl-c1">$</span>rootConfig</span>, <span class="pl-s1"><span class="pl-c1">$</span>rootDir</span>) { <span class="pl-c">// initializing test configs</span> } <span class="pl-c">/**</span> <span class="pl-c"> * Registers bundles for the test kernel</span> <span class="pl-c"> */</span> <span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">registerBundles</span>() { <span class="pl-s1"><span class="pl-c1">$</span>bundles</span> = <span class="pl-en">array</span>(); <span class="pl-s1"><span class="pl-c1">$</span>baseBundles</span> = <span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-&gt;<span class="pl-en">getBaseBundles</span>(); <span class="pl-k">if</span> (file_exists(<span class="pl-s1"><span class="pl-c1">$</span>filename</span> = <span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-&gt;<span class="pl-c1">configDir</span> . <span class="pl-s">'/'</span> . <span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-&gt;<span class="pl-c1">testCase</span> . <span class="pl-s">'/bundles.php'</span>)) { <span class="pl-s1"><span class="pl-c1">$</span>bundles</span> = <span class="pl-k">include</span> <span class="pl-s1"><span class="pl-c1">$</span>filename</span>; } <span class="pl-k">return</span> array_merge(<span class="pl-s1"><span class="pl-c1">$</span>baseBundles</span>, <span class="pl-s1"><span class="pl-c1">$</span>bundles</span>); } <span class="pl-c">/**</span> <span class="pl-c"> * {@inheritdoc}</span> <span class="pl-c"> */</span> <span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">getCacheDir</span>() { <span class="pl-k">return</span> <span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-&gt;<span class="pl-en">getTempAppDir</span>().<span class="pl-s">'/cache/'</span>.<span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-&gt;<span class="pl-c1">environment</span>; } <span class="pl-c">/**</span> <span class="pl-c"> * {@inheritdoc}</span> <span class="pl-c"> */</span> <span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">getLogDir</span>() { <span class="pl-k">return</span> <span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-&gt;<span class="pl-en">getTempAppDir</span>().<span class="pl-s">'/logs'</span>; } <span class="pl-c">/**</span> <span class="pl-c"> * {@inheritdoc}</span> <span class="pl-c"> */</span> <span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">getTempAppDir</span>() { <span class="pl-k">return</span> sys_get_temp_dir().<span class="pl-s">'/'</span>.<span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-&gt;<span class="pl-c1">testCase</span>; } <span class="pl-c">/**</span> <span class="pl-c"> * {@inheritdoc}</span> <span class="pl-c"> */</span> <span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">registerContainerConfiguration</span>(<span class="pl-smi"><span class="pl-smi">LoaderInterface</span></span> <span class="pl-s1"><span class="pl-c1">$</span>loader</span>) { <span class="pl-s1"><span class="pl-c1">$</span>loader</span>-&gt;<span class="pl-en">load</span>(<span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-&gt;<span class="pl-c1">rootConfig</span>); } <span class="pl-c">/**</span> <span class="pl-c"> * {@inheritDoc}</span> <span class="pl-c"> */</span> <span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">serialize</span>() { <span class="pl-c">// serializing test kernel</span> } <span class="pl-c">/**</span> <span class="pl-c"> * {@inheritdoc}</span> <span class="pl-c"> */</span> <span class="pl-k">public</span> <span class="pl-k">function</span> <span class="pl-en">unserialize</span>(<span class="pl-s1"><span class="pl-c1">$</span>str</span>) { <span class="pl-c">// unserializing test kernel</span> } <span class="pl-c">/**</span> <span class="pl-c"> * Returns base bundle list</span> <span class="pl-c"> *</span> <span class="pl-c"> * @return array</span> <span class="pl-c"> */</span> <span class="pl-k">protected</span> <span class="pl-k">function</span> <span class="pl-en">getBaseBundles</span>() { <span class="pl-k">return</span> <span class="pl-en">array</span>(<span class="pl-k">new</span> \<span class="pl-v">Symfony</span>\<span class="pl-v">Bundle</span>\<span class="pl-v">FrameworkBundle</span>\<span class="pl-v">FrameworkBundle</span>()); } <span class="pl-c">/**</span> <span class="pl-c"> * {@inheritDoc}</span> <span class="pl-c"> */</span> <span class="pl-k">protected</span> <span class="pl-k">function</span> <span class="pl-en">getKernelParameters</span>() { <span class="pl-s1"><span class="pl-c1">$</span>parameters</span> = <span class="pl-smi">parent</span>::<span class="pl-en">getKernelParameters</span>(); <span class="pl-s1"><span class="pl-c1">$</span>parameters</span>[<span class="pl-s">'kernel.test_case'</span>] = <span class="pl-s1"><span class="pl-c1">$</span><span class="pl-smi">this</span></span>-&gt;<span class="pl-c1">testCase</span>; <span class="pl-k">return</span> <span class="pl-s1"><span class="pl-c1">$</span>parameters</span>; } }</pre></div> <p dir="auto">This kernel class should be instantiated inside <a href="https://github.com/symfony/symfony/blob/2.7/src/Symfony/Bundle/FrameworkBundle/Test/KernelTestCase.php#L156">KernelTestCase::createKernel</a> method upon the options ($testCase, $configDir, $rootConfig, $rootDir, $env, $debug) passed to the <a href="https://github.com/symfony/symfony/blob/2.7/src/Symfony/Bundle/FrameworkBundle/Test/WebTestCase.php#L31">createClient</a> method.<br> Framework bundle also can provide some default test application configuration that can be extended in the custom bundles and specified using $rootConfig option.<br> So this approach can significantly reduce duplication of the code that generates test kernels across the bundles and simultaneously provide the flexibility in configuring test kernel. We also can have more then one simply configured instances of test kernel inside bundle test suite to run tests in different configurations (different bundle config, different routing etc).<br> Also i think we should provide ability to extend TestCase class to replace used base test kernel class with another one (apparently implementing base TestKernelInterface).</p> <p dir="auto">Moreover it can be reasonable to allow setting environment variable (or php constant using phpunit.xml) KERNEL_CLASS that can hold FQCN of <em>any</em> kernel class (not only test kernel that implements TestKernelInterface) that can be used by KernelTestCase as a replacement of base test kernel class (BaseTestKernel in default case) to construct real kernel with main params - $environment and $debug. In this case we can simply run bundle's functional test cases in any application environment by replacing our pre-configured test kernels with real application kernel transforming our functional tests to integration ones.</p>
0
<h1 dir="auto">----------------------------------------------------</h1> <h1 dir="auto">This works</h1> <h1 dir="auto">----------------------------------------------------</h1> <p dir="auto">import scipy.io as sio<br> a_dict = {'field1': 0.5, 'field2': 'a string'}<br> sio.savemat('saved_struct.mat', {'a_dict': a_dict})</p> <h1 dir="auto">----------------------------------------------------</h1> <p dir="auto">from pydal import DAL, Field<br> db = DAL('sqlite://storage.db')<br> db.define_table('thing',Field('name'))<br> db.thing.insert(name='Chair')<br> db.commit()<br> a = db().db.thing.as_dict();</p> <h1 dir="auto">a is a dict, you can print out</h1> <h1 dir="auto">Now if you do</h1> <p dir="auto">sio.savemat('saved_struct.mat', {'a': a})</p> <h1 dir="auto">gives you a type error because</h1> <p dir="auto">Could not convert None (type &lt;type 'NoneType'&gt;) to array</p>
<p dir="auto">The MATLAB equivalent of None is the empty array []. It looks like scipy does not perform this conversion.</p> <p dir="auto">But if I try to save a dict with a None inside it, I get this: (scipy 0.13.0 in Anaconda Python on Windows 7 64-bit)</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&gt;&gt;&gt; import scipy.io &gt;&gt;&gt; scipy.io.savemat('test.mat',{'x':3}) &gt;&gt;&gt; scipy.io.savemat('test.mat',{'x':None}) Traceback (most recent call last): File &quot;&lt;stdin&gt;&quot;, line 1, in &lt;module&gt; File &quot;c:\app\python\anaconda\1.6.0\envs\daqlogger\lib\site-packages\scipy\io\m atlab\mio.py&quot;, line 204, in savemat MW.put_variables(mdict) File &quot;c:\app\python\anaconda\1.6.0\envs\daqlogger\lib\site-packages\scipy\io\m atlab\mio5.py&quot;, line 872, in put_variables self._matrix_writer.write_top(var, asbytes(name), is_global) File &quot;c:\app\python\anaconda\1.6.0\envs\daqlogger\lib\site-packages\scipy\io\m atlab\mio5.py&quot;, line 622, in write_top self.write(arr) File &quot;c:\app\python\anaconda\1.6.0\envs\daqlogger\lib\site-packages\scipy\io\m atlab\mio5.py&quot;, line 643, in write % (arr, type(arr))) TypeError: Could not convert None (type &lt;type 'NoneType'&gt;) to array"><pre class="notranslate"><code class="notranslate">&gt;&gt;&gt; import scipy.io &gt;&gt;&gt; scipy.io.savemat('test.mat',{'x':3}) &gt;&gt;&gt; scipy.io.savemat('test.mat',{'x':None}) Traceback (most recent call last): File "&lt;stdin&gt;", line 1, in &lt;module&gt; File "c:\app\python\anaconda\1.6.0\envs\daqlogger\lib\site-packages\scipy\io\m atlab\mio.py", line 204, in savemat MW.put_variables(mdict) File "c:\app\python\anaconda\1.6.0\envs\daqlogger\lib\site-packages\scipy\io\m atlab\mio5.py", line 872, in put_variables self._matrix_writer.write_top(var, asbytes(name), is_global) File "c:\app\python\anaconda\1.6.0\envs\daqlogger\lib\site-packages\scipy\io\m atlab\mio5.py", line 622, in write_top self.write(arr) File "c:\app\python\anaconda\1.6.0\envs\daqlogger\lib\site-packages\scipy\io\m atlab\mio5.py", line 643, in write % (arr, type(arr))) TypeError: Could not convert None (type &lt;type 'NoneType'&gt;) to array </code></pre></div>
1
<ul dir="auto"> <li>[ √] 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>[ √] 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.1</li> <li>Operating System version: Mac OS</li> <li>Java version: 1.8</li> </ul> <h3 dir="auto">Steps to reproduce this issue</h3> <ol dir="auto"> <li>使用nacos作为注册中心,集群部署</li> <li>想同时注册到同一nacos下 不同namespace</li> <li>参考了官方文档只提供了配置如下<br> nacos://xxxx:8848?namespace=xxxx<br> 或者<br> nacos://xxxx:8848?backup=xxxx:8850<br> 即单个namespace或不带namespace时使用backup是生效的</li> </ol> <p dir="auto">Pls. provide [GitHub address] to reproduce this issue.</p> <h3 dir="auto">Expected Result</h3> <p dir="auto">配置如下 则无法成功注册<br> xxxx?namespace=111?backup=xxx?namespace=222</p> <p dir="auto">What do you expected from the above steps?</p> <h3 dir="auto">Actual Result</h3> <p dir="auto">不合法的参数<br> What actually happens?<br> 在参考<a href="https://github.com/apache/dubbo/issues/4207" data-hovercard-type="issue" data-hovercard-url="/apache/dubbo/issues/4207/hovercard">#4207</a>升级为2.7.6后也是如此。<br> 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>
<p dir="auto">是否进行心跳信息的发送,是靠下面两个属性来判断的。<br> Long lastRead = (Long) channel.getAttribute(HeaderExchangeHandler.KEY_READ_TIMESTAMP);<br> Long lastWrite = (Long) channel.getAttribute(HeaderExchangeHandler.KEY_WRITE_TIMESTAMP);</p> <p dir="auto">KEY_READ_TIMESTAMP与KEY_WRITE_TIMESTAMP的设置在HeartBeatHandler和HeaderExchangeHandler中都做了一遍。</p> <p dir="auto">在HeartBeatHandler中:(代码较多,就不贴了)</p> <ul dir="auto"> <li>连接完成时:设置lastRead和lastWrite</li> <li>连接断开时:清空lastRead和lastWrite</li> <li>发送消息时:设置lastWrite</li> <li>接收消息时:设置lastRead</li> </ul> <p dir="auto">在HeaderExchangeHandler中:(代码较多,就不贴了)</p> <ul dir="auto"> <li>连接完成时:设置lastRead和lastWrite</li> <li>连接断开时:也设置而非清空lastRead和lastWrite</li> <li>发送消息时:设置lastWrite</li> <li>接收消息时:设置lastRead</li> </ul> <p dir="auto">而我们构建的nettyHandler的调用链是这样的:<br> MultiMessageHandler-&gt;<strong>HeartbeatHandler</strong>-&gt;AllChannelHandler-&gt;DecodeHandler-&gt; <strong>HeaderExchangeHandler</strong>-&gt;ExchangeHandlerAdapter(DubboProtocol.requestHandler)</p> <p dir="auto">也就是说每次请求和响应都会走这个链路,那么HeartbeatHandler设置了KEY_READ_TIMESTAMP与KEY_WRITE_TIMESTAMP后,HeaderExchangeHandler为什么还要设置一遍?而且在HeaderExchangeHandler中断开连接的时候为什么是设置而非清空lastRead和lastWrite?</p>
0
<p dir="auto">We coding almost on US.en keyboard, if need switch input method and switch command name to Chinese in brain then input, it's not good idea.<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/1423545/14549803/dc8c4c4c-02f5-11e6-9422-2662ef4edc18.png"><img src="https://cloud.githubusercontent.com/assets/1423545/14549803/dc8c4c4c-02f5-11e6-9422-2662ef4edc18.png" alt="qq20160415-0" style="max-width: 100%;"></a></p>
<ul dir="auto"> <li>VSCode Version:<br> バージョン 0.10.12-insider<br> コミット <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/microsoft/vscode/commit/ef2a1fcaa553d14d7731b284a5ac5e4a55c42936/hovercard" href="https://github.com/microsoft/vscode/commit/ef2a1fcaa553d14d7731b284a5ac5e4a55c42936"><tt>ef2a1fc</tt></a><br> 日付 2016-03-21T11:33:38.240Z<br> シェル 0.35.6<br> レンダラー 45.0.2454.85<br> ノード 4.1.1</li> </ul> <p dir="auto">Even Japanese people, typing Japanese words are very painful and time-consuming because of IME composition problems.<br> We expects that the commands are all in English.<br> For example, if I want to execute git pull, I will type "git pull"; not "git プル".</p> <p dir="auto">Hope you can understand our situation.</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://cloud.githubusercontent.com/assets/1311400/14054201/b8673f88-f31a-11e5-9b62-070c47d86350.png"><img src="https://cloud.githubusercontent.com/assets/1311400/14054201/b8673f88-f31a-11e5-9b62-070c47d86350.png" alt="image" style="max-width: 100%;"></a></p>
1
<p dir="auto">transformer:<a href="https://www.tensorflow.org/alpha/tutorials/text/transformer#top_of_page" rel="nofollow">https://www.tensorflow.org/alpha/tutorials/text/transformer#top_of_page</a></p> <p dir="auto">Has anyone run this experiment, and the results of my run have not reached the official results. I posted my code and helped me find the reason.</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import tensorflow_datasets as tfds import tensorflow as tf import time import numpy as np import matplotlib.pyplot as plt from tqdm.auto import tqdm import os os.environ['TF_CPP_MIN_LOG_LEVEL'] = '3' print(tf.__version__) if tf.test.is_gpu_available(): device = &quot;/gpu:0&quot; else: device = &quot;/cpu:0&quot; print(&quot;(1):Reading dataset and token......&quot;) examples, metadata = tfds.load('ted_hrlr_translate/pt_to_en', with_info=True,as_supervised=True) train_examples, val_examples = examples['train'], examples['validation'] tokenizer_en = tfds.features.text.SubwordTextEncoder.build_from_corpus( (en.numpy() for pt, en in train_examples), target_vocab_size=2 ** 13) tokenizer_pt = tfds.features.text.SubwordTextEncoder.build_from_corpus( (pt.numpy() for pt, en in train_examples), target_vocab_size=2 ** 13) BUFFER_SIZE = 20000 BATCH_SIZE = 64 &quot;&quot;&quot;Add a start and end token to the input and target.&quot;&quot;&quot; def encode(lang1, lang2): lang1 = [tokenizer_pt.vocab_size] + tokenizer_pt.encode( lang1.numpy()) + [tokenizer_pt.vocab_size + 1] lang2 = [tokenizer_en.vocab_size] + tokenizer_en.encode( lang2.numpy()) + [tokenizer_en.vocab_size + 1] return lang1, lang2 &quot;&quot;&quot;Note: To keep this example small and relatively fast, drop examples with a length of over 40 tokens.&quot;&quot;&quot; MAX_LENGTH = 40 def filter_max_length(x, y, max_length=MAX_LENGTH): return tf.logical_and(tf.size(x) &lt;= max_length, tf.size(y) &lt;= max_length) &quot;&quot;&quot;Operations inside `.map()` run in graph mode and receive a graph tensor that do not have a numpy attribute. The `tokenizer` expects a string or Unicode symbol to encode it into integers. Hence, you need to run the encoding inside a `tf.py_function`, which receives an eager tensor having a numpy attribute that contains the string value.&quot;&quot;&quot; def tf_encode(pt, en): return tf.py_function(encode, [pt, en], [tf.int64, tf.int64]) print(&quot;(2):Encode and padded batch......&quot;) train_dataset = train_examples.map(tf_encode) train_dataset = train_dataset.filter(filter_max_length) # cache the dataset to memory to get a speedup while reading from it. train_dataset = train_dataset.cache() train_dataset = train_dataset.shuffle(BUFFER_SIZE).padded_batch( BATCH_SIZE, padded_shapes=([-1], [-1])) train_dataset = train_dataset.prefetch(tf.data.experimental.AUTOTUNE) val_dataset = val_examples.map(tf_encode) val_dataset = val_dataset.filter(filter_max_length).padded_batch( BATCH_SIZE, padded_shapes=([-1], [-1])) def get_angles(pos, i, d_model): angle_rates = 1 / np.power(10000, (2 * (i // 2)) / np.float32(d_model)) return pos * angle_rates def positional_encoding(position, d_model): angle_rads = get_angles(np.arange(position)[:, np.newaxis], np.arange(d_model)[np.newaxis, :], d_model) # apply sin to even indices in the array; 2i sines = np.sin(angle_rads[:, 0::2]) # apply cos to odd indices in the array; 2i+1 cosines = np.cos(angle_rads[:, 1::2]) pos_encoding = np.concatenate([sines, cosines], axis=-1) pos_encoding = pos_encoding[np.newaxis, ...] return tf.cast(pos_encoding, dtype=tf.float32) def create_padding_mask(seq): seq = tf.cast(tf.math.equal(seq, 0), tf.float32) # add extra dimensions so that we can add the padding # to the attention logits. return seq[:, tf.newaxis, tf.newaxis, :] # (batch_size, 1, 1, seq_len) def create_look_ahead_mask(size): mask = 1 - tf.linalg.band_part(tf.ones((size, size)), -1, 0) return mask # (seq_len, seq_len) def scaled_dot_product_attention(q, k, v, mask): &quot;&quot;&quot;Calculate the attention weights. q, k, v must have matching leading dimensions. The mask has different shapes depending on its type(padding or look ahead) but it must be broadcastable for addition. Args: q: query shape == (..., seq_len_q, depth) k: key shape == (..., seq_len_k, depth) v: value shape == (..., seq_len_v, depth) mask: Float tensor with shape broadcastable to (..., seq_len_q, seq_len_k). Defaults to None. Returns: output, attention_weights &quot;&quot;&quot; matmul_qk = tf.matmul(q, k, transpose_b=True) # (..., seq_len_q, seq_len_k) # scale matmul_qk dk = tf.cast(tf.shape(k)[-1], tf.float32) scaled_attention_logits = matmul_qk / tf.math.sqrt(dk) # add the mask to the scaled tensor. if mask is not None: scaled_attention_logits += (mask * -1e9) # softmax is normalized on the last axis (seq_len_k) so that the scores # add up to 1. attention_weights = tf.nn.softmax(scaled_attention_logits, axis=-1) # (..., seq_len_q, seq_len_k) output = tf.matmul(attention_weights, v) # (..., seq_len_v, depth) return output, attention_weights class MultiHeadAttention(tf.keras.layers.Layer): def __init__(self, d_model, num_heads): super(MultiHeadAttention, self).__init__() self.num_heads = num_heads self.d_model = d_model assert d_model % self.num_heads == 0 self.depth = d_model // self.num_heads self.wq = tf.keras.layers.Dense(d_model) self.wk = tf.keras.layers.Dense(d_model) self.wv = tf.keras.layers.Dense(d_model) self.dense = tf.keras.layers.Dense(d_model) def split_heads(self, x, batch_size): &quot;&quot;&quot;Split the last dimension into (num_heads, depth). Transpose the result such that the shape is (batch_size, num_heads, seq_len, depth) &quot;&quot;&quot; x = tf.reshape(x, (batch_size, -1, self.num_heads, self.depth)) return tf.transpose(x, perm=[0, 2, 1, 3]) def call(self, v, k, q, mask): batch_size = tf.shape(q)[0] q = self.wq(q) # (batch_size, seq_len, d_model) k = self.wk(k) # (batch_size, seq_len, d_model) v = self.wv(v) # (batch_size, seq_len, d_model) q = self.split_heads(q, batch_size) # (batch_size, num_heads, seq_len_q, depth) k = self.split_heads(k, batch_size) # (batch_size, num_heads, seq_len_k, depth) v = self.split_heads(v, batch_size) # (batch_size, num_heads, seq_len_v, depth) # scaled_attention.shape == (batch_size, num_heads, seq_len_v, depth) # attention_weights.shape == (batch_size, num_heads, seq_len_q, seq_len_k) scaled_attention, attention_weights = scaled_dot_product_attention( q, k, v, mask) scaled_attention = tf.transpose(scaled_attention, perm=[0, 2, 1, 3]) # (batch_size, seq_len_v, num_heads, depth) concat_attention = tf.reshape(scaled_attention, (batch_size, -1, self.d_model)) # (batch_size, seq_len_v, d_model) output = self.dense(concat_attention) # (batch_size, seq_len_v, d_model) return output, attention_weights def point_wise_feed_forward_network(d_model, dff): return tf.keras.Sequential([ tf.keras.layers.Dense(dff, activation='relu'), # (batch_size, seq_len, dff) tf.keras.layers.Dense(d_model) # (batch_size, seq_len, d_model) ]) class EncoderLayer(tf.keras.layers.Layer): def __init__(self, d_model, num_heads, dff, rate=0.1): super(EncoderLayer, self).__init__() self.mha = MultiHeadAttention(d_model, num_heads) self.ffn = point_wise_feed_forward_network(d_model, dff) self.layernorm1 = tf.keras.layers.LayerNormalization(epsilon=1e-6) self.layernorm2 = tf.keras.layers.LayerNormalization(epsilon=1e-6) self.dropout1 = tf.keras.layers.Dropout(rate) self.dropout2 = tf.keras.layers.Dropout(rate) def call(self, x, training, mask): attn_output, _ = self.mha(x, x, x, mask) # (batch_size, input_seq_len, d_model) attn_output = self.dropout1(attn_output, training=training) out1 = self.layernorm1(x + attn_output) # (batch_size, input_seq_len, d_model) ffn_output = self.ffn(out1) # (batch_size, input_seq_len, d_model) ffn_output = self.dropout2(ffn_output, training=training) out2 = self.layernorm2(out1 + ffn_output) # (batch_size, input_seq_len, d_model) return out2 class DecoderLayer(tf.keras.layers.Layer): def __init__(self, d_model, num_heads, dff, rate=0.1): super(DecoderLayer, self).__init__() self.mha1 = MultiHeadAttention(d_model, num_heads) self.mha2 = MultiHeadAttention(d_model, num_heads) self.ffn = point_wise_feed_forward_network(d_model, dff) self.layernorm1 = tf.keras.layers.LayerNormalization(epsilon=1e-6) self.layernorm2 = tf.keras.layers.LayerNormalization(epsilon=1e-6) self.layernorm3 = tf.keras.layers.LayerNormalization(epsilon=1e-6) self.dropout1 = tf.keras.layers.Dropout(rate) self.dropout2 = tf.keras.layers.Dropout(rate) self.dropout3 = tf.keras.layers.Dropout(rate) def call(self, x, enc_output, training, look_ahead_mask, padding_mask): # enc_output.shape == (batch_size, input_seq_len, d_model) attn1, attn_weights_block1 = self.mha1(x, x, x, look_ahead_mask) # (batch_size, target_seq_len, d_model) attn1 = self.dropout1(attn1, training=training) out1 = self.layernorm1(attn1 + x) attn2, attn_weights_block2 = self.mha2( enc_output, enc_output, out1, padding_mask) # (batch_size, target_seq_len, d_model) attn2 = self.dropout2(attn2, training=training) out2 = self.layernorm2(attn2 + out1) # (batch_size, target_seq_len, d_model) ffn_output = self.ffn(out2) # (batch_size, target_seq_len, d_model) ffn_output = self.dropout3(ffn_output, training=training) out3 = self.layernorm3(ffn_output + out2) # (batch_size, target_seq_len, d_model) return out3, attn_weights_block1, attn_weights_block2 class Encoder(tf.keras.layers.Layer): def __init__(self, num_layers, d_model, num_heads, dff, input_vocab_size, rate=0.1): super(Encoder, self).__init__() self.d_model = d_model self.num_layers = num_layers self.embedding = tf.keras.layers.Embedding(input_vocab_size, d_model) self.pos_encoding = positional_encoding(input_vocab_size, self.d_model) self.enc_layers = [EncoderLayer(d_model, num_heads, dff, rate) for _ in range(num_layers)] self.dropout = tf.keras.layers.Dropout(rate) def call(self, x, training, mask): seq_len = tf.shape(x)[1] # adding embedding and position encoding. x = self.embedding(x) # (batch_size, input_seq_len, d_model) x *= tf.math.sqrt(tf.cast(self.d_model, tf.float32)) x += self.pos_encoding[:, :seq_len, :] x = self.dropout(x, training=training) for i in range(self.num_layers): x = self.enc_layers[i](x, training, mask) return x # (batch_size, input_seq_len, d_model) class Decoder(tf.keras.layers.Layer): def __init__(self, num_layers, d_model, num_heads, dff, target_vocab_size, rate=0.1): super(Decoder, self).__init__() self.d_model = d_model self.num_layers = num_layers self.embedding = tf.keras.layers.Embedding(target_vocab_size, d_model) self.pos_encoding = positional_encoding(target_vocab_size, self.d_model) self.dec_layers = [DecoderLayer(d_model, num_heads, dff, rate) for _ in range(num_layers)] self.dropout = tf.keras.layers.Dropout(rate) def call(self, x, enc_output, training, look_ahead_mask, padding_mask): seq_len = tf.shape(x)[1] attention_weights = {} x = self.embedding(x) # (batch_size, target_seq_len, d_model) x *= tf.math.sqrt(tf.cast(self.d_model, tf.float32)) x += self.pos_encoding[:, :seq_len, :] x = self.dropout(x, training=training) for i in range(self.num_layers): x, block1, block2 = self.dec_layers[i](x, enc_output, training, look_ahead_mask, padding_mask) attention_weights['decoder_layer{}_block1'.format(i + 1)] = block1 attention_weights['decoder_layer{}_block2'.format(i + 1)] = block2 # x.shape == (batch_size, target_seq_len, d_model) return x, attention_weights &quot;&quot;&quot;## Create the Transformer Transformer consists of the encoder, decoder and a final linear layer. The output of the decoder is the input to the linear layer and its output is returned. &quot;&quot;&quot; class Transformer(tf.keras.Model): def __init__(self, num_layers, d_model, num_heads, dff, input_vocab_size, target_vocab_size, rate=0.1): super(Transformer, self).__init__() self.encoder = Encoder(num_layers, d_model, num_heads, dff, input_vocab_size, rate) self.decoder = Decoder(num_layers, d_model, num_heads, dff, target_vocab_size, rate) self.final_layer = tf.keras.layers.Dense(target_vocab_size) def call(self, inp, tar, training, enc_padding_mask, look_ahead_mask, dec_padding_mask): enc_output = self.encoder(inp, training, enc_padding_mask) # (batch_size, inp_seq_len, d_model) # dec_output.shape == (batch_size, tar_seq_len, d_model) dec_output, attention_weights = self.decoder( tar, enc_output, training, look_ahead_mask, dec_padding_mask) final_output = self.final_layer(dec_output) # (batch_size, tar_seq_len, target_vocab_size) return final_output, attention_weights num_layers = 4 d_model = 128 dff = 512 num_heads = 8 input_vocab_size = tokenizer_pt.vocab_size + 2 target_vocab_size = tokenizer_en.vocab_size + 2 dropout_rate = 0.1 class CustomSchedule(tf.keras.optimizers.schedules.LearningRateSchedule): def __init__(self, d_model, warmup_steps=4000): super(CustomSchedule, self).__init__() self.d_model = d_model self.d_model = tf.cast(self.d_model, tf.float32) self.warmup_steps = warmup_steps def __call__(self, step): arg1 = tf.math.rsqrt(step) arg2 = step * (self.warmup_steps ** -1.5) return tf.math.rsqrt(self.d_model) * tf.math.minimum(arg1, arg2) learning_rate = CustomSchedule(d_model) optimizer = tf.keras.optimizers.Adam(learning_rate, beta_1=0.9, beta_2=0.98, epsilon=1e-9) temp_learning_rate_schedule = CustomSchedule(d_model) plt.plot(temp_learning_rate_schedule(tf.range(40000, dtype=tf.float32))) plt.ylabel(&quot;Learning Rate&quot;) plt.xlabel(&quot;Train Step&quot;) &quot;&quot;&quot;## Loss and metrics Since the target sequences are padded, it is important to apply a padding mask when calculating the loss. &quot;&quot;&quot; loss_object = tf.keras.losses.SparseCategoricalCrossentropy( from_logits=True, reduction='none') def loss_function(real, pred): mask = tf.math.logical_not(tf.math.equal(real, 0)) loss_ = loss_object(real, pred) mask = tf.cast(mask, dtype=loss_.dtype) loss_ *= mask return tf.reduce_mean(loss_) train_loss = tf.keras.metrics.Mean(name='train_loss') train_accuracy = tf.keras.metrics.SparseCategoricalAccuracy(name='train_accuracy') val_loss = tf.keras.metrics.Mean(name='val_loss') val_accuracy = tf.keras.metrics.SparseCategoricalAccuracy(name='val_accuracy') &quot;&quot;&quot;## Training and checkpointing&quot;&quot;&quot; transformer = Transformer(num_layers, d_model, num_heads, dff, input_vocab_size, target_vocab_size, dropout_rate) def create_masks(inp, tar): # Encoder padding mask enc_padding_mask = create_padding_mask(inp) # Used in the 2nd attention block in the decoder. # This padding mask is used to mask the encoder outputs. dec_padding_mask = create_padding_mask(inp) # Used in the 1st attention block in the decoder. # It is used to pad and mask future tokens in the input received by # the decoder. look_ahead_mask = create_look_ahead_mask(tf.shape(tar)[1]) dec_target_padding_mask = create_padding_mask(tar) combined_mask = tf.maximum(dec_target_padding_mask, look_ahead_mask) return enc_padding_mask, combined_mask, dec_padding_mask &quot;&quot;&quot;Create the checkpoint path and the checkpoint manager. This will be used to save checkpoints every `n` epochs.&quot;&quot;&quot; checkpoint_path = &quot;./checkpoints/train&quot; ckpt = tf.train.Checkpoint(transformer=transformer, optimizer=optimizer) ckpt_manager = tf.train.CheckpointManager(ckpt, checkpoint_path, max_to_keep=5) # if a checkpoint exists, restore the latest checkpoint. if ckpt_manager.latest_checkpoint: ckpt.restore(ckpt_manager.latest_checkpoint) print('Latest checkpoint restored!!') EPOCHS = 200 train_num = len([1 for _, _ in train_dataset]) @tf.function def train_step(inp, tar): tar_inp = tar[:, :-1] tar_real = tar[:, 1:] enc_padding_mask, combined_mask, dec_padding_mask = create_masks(inp, tar_inp) with tf.GradientTape() as tape: predictions, _ = transformer(inp, tar_inp, True, enc_padding_mask, combined_mask, dec_padding_mask) loss = loss_function(tar_real, predictions) gradients = tape.gradient(loss, transformer.trainable_variables) optimizer.apply_gradients(zip(gradients, transformer.trainable_variables)) train_loss(loss) train_accuracy(tar_real, predictions) @tf.function def val_step(inp, tar): tar_inp = tar[:, :-1] tar_real = tar[:, 1:] enc_padding_mask, combined_mask, dec_padding_mask = create_masks(inp, tar_inp) predictions, _ = transformer(inp,tar_inp, enc_padding_mask=enc_padding_mask, look_ahead_mask=combined_mask, dec_padding_mask=dec_padding_mask, training=False) loss = loss_function(tar_real, predictions) ppl = tf.exp(loss) val_loss(ppl) val_accuracy(tar_real, predictions) print(&quot;(3):Traning model......&quot;) &quot;&quot;&quot;Portuguese is used as the input language and English is the target language.&quot;&quot;&quot; for epoch in range(EPOCHS): train_loss.reset_states() train_accuracy.reset_states() val_loss.reset_states() val_accuracy.reset_states() print('Epoch {}'.format(epoch + 1)) start = time.time() # inp -&gt; portuguese, tar -&gt; english with tqdm(total=train_num * BATCH_SIZE) as pbar: for inp, tar in train_dataset: train_step(inp, tar) pbar.update(BATCH_SIZE) for inp, tar in val_dataset: val_step(inp, tar) end = time.time() print('train_loss {:.4f}\ttrain_acc {:.2f}\t' 'val_loss {:.4f}\tval_acc {:.2f}\t' 'time {:.2f}s'.format(train_loss.result(), train_accuracy.result() * 100, val_loss.result(), val_accuracy.result() * 100, end - start, )) def evaluate(inp_sentence): start_token = [tokenizer_pt.vocab_size] end_token = [tokenizer_pt.vocab_size + 1] # inp sentence is portuguese, hence adding the start and end token inp_sentence = start_token + tokenizer_pt.encode(inp_sentence) + end_token encoder_input = tf.expand_dims(inp_sentence, 0) # as the target is english, the first word to the transformer should be the # english start token. decoder_input = [tokenizer_en.vocab_size] output = tf.expand_dims(decoder_input, 0) for i in range(MAX_LENGTH): enc_padding_mask, combined_mask, dec_padding_mask = create_masks( encoder_input, output) # predictions.shape == (batch_size, seq_len, vocab_size) predictions, attention_weights = transformer(encoder_input, output, False, enc_padding_mask, combined_mask, dec_padding_mask) # select the last word from the seq_len dimension predictions = predictions[:, -1:, :] # (batch_size, 1, vocab_size) predicted_id = tf.cast(tf.argmax(predictions, axis=-1), tf.int32) # return the result if the predicted_id is equal to the end token if tf.equal(predicted_id, tokenizer_en.vocab_size + 1): return tf.squeeze(output, axis=0), attention_weights # concatentate the predicted_id to the output which is given to the decoder # as its input. output = tf.concat([output, predicted_id], axis=-1) return tf.squeeze(output, axis=0), attention_weights def plot_attention_weights(attention, sentence, result, layer): fig = plt.figure(figsize=(16, 8)) sentence = tokenizer_pt.encode(sentence) attention = tf.squeeze(attention[layer], axis=0) for head in range(attention.shape[0]): ax = fig.add_subplot(2, 4, head + 1) # plot the attention weights ax.matshow(attention[head][:-1, :], cmap='viridis') fontdict = {'fontsize': 10} ax.set_xticks(range(len(sentence) + 2)) ax.set_yticks(range(len(result))) ax.set_ylim(len(result) - 1.5, -0.5) ax.set_xticklabels( ['&lt;start&gt;'] + [tokenizer_pt.decode([i]) for i in sentence] + ['&lt;end&gt;'], fontdict=fontdict, rotation=90) ax.set_yticklabels([tokenizer_en.decode([i]) for i in result if i &lt; tokenizer_en.vocab_size], fontdict=fontdict) ax.set_xlabel('Head {}'.format(head + 1)) plt.tight_layout() plt.show() def translate(sentence, plot=''): result, attention_weights = evaluate(sentence) predicted_sentence = tokenizer_en.decode([i for i in result if i &lt; tokenizer_en.vocab_size]) print('Input: {}'.format(sentence)) print('Predicted translation: {}'.format(predicted_sentence)) if plot: plot_attention_weights(attention_weights, sentence, result, plot) print(&quot;(4):Evaluate model......&quot;) translate(&quot;este é um problema que temos que resolver.&quot;) print(&quot;Real translation: this is a problem we have to solve .&quot;) translate(&quot;os meus vizinhos ouviram sobre esta ideia.&quot;) print(&quot;Real translation: and my neighboring homes heard about this idea .&quot;) translate(&quot;vou então muito rapidamente partilhar convosco algumas histórias de algumas coisas mágicas que aconteceram.&quot;) print( &quot;Real translation: so i 'll just share with you some stories very quickly of some magical things that have happened .&quot;) &quot;&quot;&quot;You can pass different layers and attention blocks of the decoder to the `plot` parameter.&quot;&quot;&quot; translate(&quot;este é o primeiro livro que eu fiz.&quot;, plot='decoder_layer4_block2') print(&quot;Real translation: this is the first book i've ever done.&quot;) "><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-s1">tensorflow_datasets</span> <span class="pl-k">as</span> <span class="pl-s1">tfds</span> <span class="pl-k">import</span> <span class="pl-s1">tensorflow</span> <span class="pl-k">as</span> <span class="pl-s1">tf</span> <span class="pl-k">import</span> <span class="pl-s1">time</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-k">from</span> <span class="pl-s1">tqdm</span>.<span class="pl-s1">auto</span> <span class="pl-k">import</span> <span class="pl-s1">tqdm</span> <span class="pl-k">import</span> <span class="pl-s1">os</span> <span class="pl-s1">os</span>.<span class="pl-s1">environ</span>[<span class="pl-s">'TF_CPP_MIN_LOG_LEVEL'</span>] <span class="pl-c1">=</span> <span class="pl-s">'3'</span> <span class="pl-en">print</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">__version__</span>) <span class="pl-k">if</span> <span class="pl-s1">tf</span>.<span class="pl-s1">test</span>.<span class="pl-en">is_gpu_available</span>(): <span class="pl-s1">device</span> <span class="pl-c1">=</span> <span class="pl-s">"/gpu:0"</span> <span class="pl-k">else</span>: <span class="pl-s1">device</span> <span class="pl-c1">=</span> <span class="pl-s">"/cpu:0"</span> <span class="pl-en">print</span>(<span class="pl-s">"(1):Reading dataset and token......"</span>) <span class="pl-s1">examples</span>, <span class="pl-s1">metadata</span> <span class="pl-c1">=</span> <span class="pl-s1">tfds</span>.<span class="pl-en">load</span>(<span class="pl-s">'ted_hrlr_translate/pt_to_en'</span>, <span class="pl-s1">with_info</span><span class="pl-c1">=</span><span class="pl-c1">True</span>,<span class="pl-s1">as_supervised</span><span class="pl-c1">=</span><span class="pl-c1">True</span>) <span class="pl-s1">train_examples</span>, <span class="pl-s1">val_examples</span> <span class="pl-c1">=</span> <span class="pl-s1">examples</span>[<span class="pl-s">'train'</span>], <span class="pl-s1">examples</span>[<span class="pl-s">'validation'</span>] <span class="pl-s1">tokenizer_en</span> <span class="pl-c1">=</span> <span class="pl-s1">tfds</span>.<span class="pl-s1">features</span>.<span class="pl-s1">text</span>.<span class="pl-v">SubwordTextEncoder</span>.<span class="pl-en">build_from_corpus</span>( (<span class="pl-s1">en</span>.<span class="pl-en">numpy</span>() <span class="pl-k">for</span> <span class="pl-s1">pt</span>, <span class="pl-s1">en</span> <span class="pl-c1">in</span> <span class="pl-s1">train_examples</span>), <span class="pl-s1">target_vocab_size</span><span class="pl-c1">=</span><span class="pl-c1">2</span> <span class="pl-c1">**</span> <span class="pl-c1">13</span>) <span class="pl-s1">tokenizer_pt</span> <span class="pl-c1">=</span> <span class="pl-s1">tfds</span>.<span class="pl-s1">features</span>.<span class="pl-s1">text</span>.<span class="pl-v">SubwordTextEncoder</span>.<span class="pl-en">build_from_corpus</span>( (<span class="pl-s1">pt</span>.<span class="pl-en">numpy</span>() <span class="pl-k">for</span> <span class="pl-s1">pt</span>, <span class="pl-s1">en</span> <span class="pl-c1">in</span> <span class="pl-s1">train_examples</span>), <span class="pl-s1">target_vocab_size</span><span class="pl-c1">=</span><span class="pl-c1">2</span> <span class="pl-c1">**</span> <span class="pl-c1">13</span>) <span class="pl-v">BUFFER_SIZE</span> <span class="pl-c1">=</span> <span class="pl-c1">20000</span> <span class="pl-v">BATCH_SIZE</span> <span class="pl-c1">=</span> <span class="pl-c1">64</span> <span class="pl-s">"""Add a start and end token to the input and target."""</span> <span class="pl-k">def</span> <span class="pl-en">encode</span>(<span class="pl-s1">lang1</span>, <span class="pl-s1">lang2</span>): <span class="pl-s1">lang1</span> <span class="pl-c1">=</span> [<span class="pl-s1">tokenizer_pt</span>.<span class="pl-s1">vocab_size</span>] <span class="pl-c1">+</span> <span class="pl-s1">tokenizer_pt</span>.<span class="pl-en">encode</span>( <span class="pl-s1">lang1</span>.<span class="pl-en">numpy</span>()) <span class="pl-c1">+</span> [<span class="pl-s1">tokenizer_pt</span>.<span class="pl-s1">vocab_size</span> <span class="pl-c1">+</span> <span class="pl-c1">1</span>] <span class="pl-s1">lang2</span> <span class="pl-c1">=</span> [<span class="pl-s1">tokenizer_en</span>.<span class="pl-s1">vocab_size</span>] <span class="pl-c1">+</span> <span class="pl-s1">tokenizer_en</span>.<span class="pl-en">encode</span>( <span class="pl-s1">lang2</span>.<span class="pl-en">numpy</span>()) <span class="pl-c1">+</span> [<span class="pl-s1">tokenizer_en</span>.<span class="pl-s1">vocab_size</span> <span class="pl-c1">+</span> <span class="pl-c1">1</span>] <span class="pl-k">return</span> <span class="pl-s1">lang1</span>, <span class="pl-s1">lang2</span> <span class="pl-s">"""Note: To keep this example small and relatively fast, drop examples with a length of over 40 tokens."""</span> <span class="pl-v">MAX_LENGTH</span> <span class="pl-c1">=</span> <span class="pl-c1">40</span> <span class="pl-k">def</span> <span class="pl-en">filter_max_length</span>(<span class="pl-s1">x</span>, <span class="pl-s1">y</span>, <span class="pl-s1">max_length</span><span class="pl-c1">=</span><span class="pl-v">MAX_LENGTH</span>): <span class="pl-k">return</span> <span class="pl-s1">tf</span>.<span class="pl-en">logical_and</span>(<span class="pl-s1">tf</span>.<span class="pl-en">size</span>(<span class="pl-s1">x</span>) <span class="pl-c1">&lt;=</span> <span class="pl-s1">max_length</span>, <span class="pl-s1">tf</span>.<span class="pl-en">size</span>(<span class="pl-s1">y</span>) <span class="pl-c1">&lt;=</span> <span class="pl-s1">max_length</span>) <span class="pl-s">"""Operations inside `.map()` run in graph mode and receive a graph tensor that do not have a numpy attribute. The `tokenizer` expects a string or Unicode symbol to encode it into integers. Hence, you need to run the encoding inside a `tf.py_function`, which receives an eager tensor having a numpy attribute that contains the string value."""</span> <span class="pl-k">def</span> <span class="pl-en">tf_encode</span>(<span class="pl-s1">pt</span>, <span class="pl-s1">en</span>): <span class="pl-k">return</span> <span class="pl-s1">tf</span>.<span class="pl-en">py_function</span>(<span class="pl-s1">encode</span>, [<span class="pl-s1">pt</span>, <span class="pl-s1">en</span>], [<span class="pl-s1">tf</span>.<span class="pl-s1">int64</span>, <span class="pl-s1">tf</span>.<span class="pl-s1">int64</span>]) <span class="pl-en">print</span>(<span class="pl-s">"(2):Encode and padded batch......"</span>) <span class="pl-s1">train_dataset</span> <span class="pl-c1">=</span> <span class="pl-s1">train_examples</span>.<span class="pl-en">map</span>(<span class="pl-s1">tf_encode</span>) <span class="pl-s1">train_dataset</span> <span class="pl-c1">=</span> <span class="pl-s1">train_dataset</span>.<span class="pl-en">filter</span>(<span class="pl-s1">filter_max_length</span>) <span class="pl-c"># cache the dataset to memory to get a speedup while reading from it.</span> <span class="pl-s1">train_dataset</span> <span class="pl-c1">=</span> <span class="pl-s1">train_dataset</span>.<span class="pl-en">cache</span>() <span class="pl-s1">train_dataset</span> <span class="pl-c1">=</span> <span class="pl-s1">train_dataset</span>.<span class="pl-en">shuffle</span>(<span class="pl-v">BUFFER_SIZE</span>).<span class="pl-en">padded_batch</span>( <span class="pl-v">BATCH_SIZE</span>, <span class="pl-s1">padded_shapes</span><span class="pl-c1">=</span>([<span class="pl-c1">-</span><span class="pl-c1">1</span>], [<span class="pl-c1">-</span><span class="pl-c1">1</span>])) <span class="pl-s1">train_dataset</span> <span class="pl-c1">=</span> <span class="pl-s1">train_dataset</span>.<span class="pl-en">prefetch</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">data</span>.<span class="pl-s1">experimental</span>.<span class="pl-v">AUTOTUNE</span>) <span class="pl-s1">val_dataset</span> <span class="pl-c1">=</span> <span class="pl-s1">val_examples</span>.<span class="pl-en">map</span>(<span class="pl-s1">tf_encode</span>) <span class="pl-s1">val_dataset</span> <span class="pl-c1">=</span> <span class="pl-s1">val_dataset</span>.<span class="pl-en">filter</span>(<span class="pl-s1">filter_max_length</span>).<span class="pl-en">padded_batch</span>( <span class="pl-v">BATCH_SIZE</span>, <span class="pl-s1">padded_shapes</span><span class="pl-c1">=</span>([<span class="pl-c1">-</span><span class="pl-c1">1</span>], [<span class="pl-c1">-</span><span class="pl-c1">1</span>])) <span class="pl-k">def</span> <span class="pl-en">get_angles</span>(<span class="pl-s1">pos</span>, <span class="pl-s1">i</span>, <span class="pl-s1">d_model</span>): <span class="pl-s1">angle_rates</span> <span class="pl-c1">=</span> <span class="pl-c1">1</span> <span class="pl-c1">/</span> <span class="pl-s1">np</span>.<span class="pl-en">power</span>(<span class="pl-c1">10000</span>, (<span class="pl-c1">2</span> <span class="pl-c1">*</span> (<span class="pl-s1">i</span> <span class="pl-c1">//</span> <span class="pl-c1">2</span>)) <span class="pl-c1">/</span> <span class="pl-s1">np</span>.<span class="pl-en">float32</span>(<span class="pl-s1">d_model</span>)) <span class="pl-k">return</span> <span class="pl-s1">pos</span> <span class="pl-c1">*</span> <span class="pl-s1">angle_rates</span> <span class="pl-k">def</span> <span class="pl-en">positional_encoding</span>(<span class="pl-s1">position</span>, <span class="pl-s1">d_model</span>): <span class="pl-s1">angle_rads</span> <span class="pl-c1">=</span> <span class="pl-en">get_angles</span>(<span class="pl-s1">np</span>.<span class="pl-en">arange</span>(<span class="pl-s1">position</span>)[:, <span class="pl-s1">np</span>.<span class="pl-s1">newaxis</span>], <span class="pl-s1">np</span>.<span class="pl-en">arange</span>(<span class="pl-s1">d_model</span>)[<span class="pl-s1">np</span>.<span class="pl-s1">newaxis</span>, :], <span class="pl-s1">d_model</span>) <span class="pl-c"># apply sin to even indices in the array; 2i</span> <span class="pl-s1">sines</span> <span class="pl-c1">=</span> <span class="pl-s1">np</span>.<span class="pl-en">sin</span>(<span class="pl-s1">angle_rads</span>[:, <span class="pl-c1">0</span>::<span class="pl-c1">2</span>]) <span class="pl-c"># apply cos to odd indices in the array; 2i+1</span> <span class="pl-s1">cosines</span> <span class="pl-c1">=</span> <span class="pl-s1">np</span>.<span class="pl-en">cos</span>(<span class="pl-s1">angle_rads</span>[:, <span class="pl-c1">1</span>::<span class="pl-c1">2</span>]) <span class="pl-s1">pos_encoding</span> <span class="pl-c1">=</span> <span class="pl-s1">np</span>.<span class="pl-en">concatenate</span>([<span class="pl-s1">sines</span>, <span class="pl-s1">cosines</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">pos_encoding</span> <span class="pl-c1">=</span> <span class="pl-s1">pos_encoding</span>[<span class="pl-s1">np</span>.<span class="pl-s1">newaxis</span>, ...] <span class="pl-k">return</span> <span class="pl-s1">tf</span>.<span class="pl-en">cast</span>(<span class="pl-s1">pos_encoding</span>, <span class="pl-s1">dtype</span><span class="pl-c1">=</span><span class="pl-s1">tf</span>.<span class="pl-s1">float32</span>) <span class="pl-k">def</span> <span class="pl-en">create_padding_mask</span>(<span class="pl-s1">seq</span>): <span class="pl-s1">seq</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">cast</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">math</span>.<span class="pl-en">equal</span>(<span class="pl-s1">seq</span>, <span class="pl-c1">0</span>), <span class="pl-s1">tf</span>.<span class="pl-s1">float32</span>) <span class="pl-c"># add extra dimensions so that we can add the padding</span> <span class="pl-c"># to the attention logits.</span> <span class="pl-k">return</span> <span class="pl-s1">seq</span>[:, <span class="pl-s1">tf</span>.<span class="pl-s1">newaxis</span>, <span class="pl-s1">tf</span>.<span class="pl-s1">newaxis</span>, :] <span class="pl-c"># (batch_size, 1, 1, seq_len)</span> <span class="pl-k">def</span> <span class="pl-en">create_look_ahead_mask</span>(<span class="pl-s1">size</span>): <span class="pl-s1">mask</span> <span class="pl-c1">=</span> <span class="pl-c1">1</span> <span class="pl-c1">-</span> <span class="pl-s1">tf</span>.<span class="pl-s1">linalg</span>.<span class="pl-en">band_part</span>(<span class="pl-s1">tf</span>.<span class="pl-en">ones</span>((<span class="pl-s1">size</span>, <span class="pl-s1">size</span>)), <span class="pl-c1">-</span><span class="pl-c1">1</span>, <span class="pl-c1">0</span>) <span class="pl-k">return</span> <span class="pl-s1">mask</span> <span class="pl-c"># (seq_len, seq_len)</span> <span class="pl-k">def</span> <span class="pl-en">scaled_dot_product_attention</span>(<span class="pl-s1">q</span>, <span class="pl-s1">k</span>, <span class="pl-s1">v</span>, <span class="pl-s1">mask</span>): <span class="pl-s">"""Calculate the attention weights.</span> <span class="pl-s"> q, k, v must have matching leading dimensions.</span> <span class="pl-s"> The mask has different shapes depending on its type(padding or look ahead)</span> <span class="pl-s"> but it must be broadcastable for addition.</span> <span class="pl-s"></span> <span class="pl-s"> Args:</span> <span class="pl-s"> q: query shape == (..., seq_len_q, depth)</span> <span class="pl-s"> k: key shape == (..., seq_len_k, depth)</span> <span class="pl-s"> v: value shape == (..., seq_len_v, depth)</span> <span class="pl-s"> mask: Float tensor with shape broadcastable</span> <span class="pl-s"> to (..., seq_len_q, seq_len_k). Defaults to None.</span> <span class="pl-s"></span> <span class="pl-s"> Returns:</span> <span class="pl-s"> output, attention_weights</span> <span class="pl-s"> """</span> <span class="pl-s1">matmul_qk</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">matmul</span>(<span class="pl-s1">q</span>, <span class="pl-s1">k</span>, <span class="pl-s1">transpose_b</span><span class="pl-c1">=</span><span class="pl-c1">True</span>) <span class="pl-c"># (..., seq_len_q, seq_len_k)</span> <span class="pl-c"># scale matmul_qk</span> <span class="pl-s1">dk</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">cast</span>(<span class="pl-s1">tf</span>.<span class="pl-en">shape</span>(<span class="pl-s1">k</span>)[<span class="pl-c1">-</span><span class="pl-c1">1</span>], <span class="pl-s1">tf</span>.<span class="pl-s1">float32</span>) <span class="pl-s1">scaled_attention_logits</span> <span class="pl-c1">=</span> <span class="pl-s1">matmul_qk</span> <span class="pl-c1">/</span> <span class="pl-s1">tf</span>.<span class="pl-s1">math</span>.<span class="pl-en">sqrt</span>(<span class="pl-s1">dk</span>) <span class="pl-c"># add the mask to the scaled tensor.</span> <span class="pl-k">if</span> <span class="pl-s1">mask</span> <span class="pl-c1">is</span> <span class="pl-c1">not</span> <span class="pl-c1">None</span>: <span class="pl-s1">scaled_attention_logits</span> <span class="pl-c1">+=</span> (<span class="pl-s1">mask</span> <span class="pl-c1">*</span> <span class="pl-c1">-</span><span class="pl-c1">1e9</span>) <span class="pl-c"># softmax is normalized on the last axis (seq_len_k) so that the scores</span> <span class="pl-c"># add up to 1.</span> <span class="pl-s1">attention_weights</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">nn</span>.<span class="pl-en">softmax</span>(<span class="pl-s1">scaled_attention_logits</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-c"># (..., seq_len_q, seq_len_k)</span> <span class="pl-s1">output</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">matmul</span>(<span class="pl-s1">attention_weights</span>, <span class="pl-s1">v</span>) <span class="pl-c"># (..., seq_len_v, depth)</span> <span class="pl-k">return</span> <span class="pl-s1">output</span>, <span class="pl-s1">attention_weights</span> <span class="pl-k">class</span> <span class="pl-v">MultiHeadAttention</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Layer</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>, <span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>): <span class="pl-en">super</span>(<span class="pl-v">MultiHeadAttention</span>, <span class="pl-s1">self</span>).<span class="pl-en">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-s1">num_heads</span> <span class="pl-c1">=</span> <span class="pl-s1">num_heads</span> <span class="pl-s1">self</span>.<span class="pl-s1">d_model</span> <span class="pl-c1">=</span> <span class="pl-s1">d_model</span> <span class="pl-k">assert</span> <span class="pl-s1">d_model</span> <span class="pl-c1">%</span> <span class="pl-s1">self</span>.<span class="pl-s1">num_heads</span> <span class="pl-c1">==</span> <span class="pl-c1">0</span> <span class="pl-s1">self</span>.<span class="pl-s1">depth</span> <span class="pl-c1">=</span> <span class="pl-s1">d_model</span> <span class="pl-c1">//</span> <span class="pl-s1">self</span>.<span class="pl-s1">num_heads</span> <span class="pl-s1">self</span>.<span class="pl-s1">wq</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dense</span>(<span class="pl-s1">d_model</span>) <span class="pl-s1">self</span>.<span class="pl-s1">wk</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dense</span>(<span class="pl-s1">d_model</span>) <span class="pl-s1">self</span>.<span class="pl-s1">wv</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dense</span>(<span class="pl-s1">d_model</span>) <span class="pl-s1">self</span>.<span class="pl-s1">dense</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dense</span>(<span class="pl-s1">d_model</span>) <span class="pl-k">def</span> <span class="pl-en">split_heads</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>, <span class="pl-s1">batch_size</span>): <span class="pl-s">"""Split the last dimension into (num_heads, depth).</span> <span class="pl-s"> Transpose the result such that the shape is (batch_size, num_heads, seq_len, depth)</span> <span class="pl-s"> """</span> <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">reshape</span>(<span class="pl-s1">x</span>, (<span class="pl-s1">batch_size</span>, <span class="pl-c1">-</span><span class="pl-c1">1</span>, <span class="pl-s1">self</span>.<span class="pl-s1">num_heads</span>, <span class="pl-s1">self</span>.<span class="pl-s1">depth</span>)) <span class="pl-k">return</span> <span class="pl-s1">tf</span>.<span class="pl-en">transpose</span>(<span class="pl-s1">x</span>, <span class="pl-s1">perm</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">2</span>, <span class="pl-c1">1</span>, <span class="pl-c1">3</span>]) <span class="pl-k">def</span> <span class="pl-en">call</span>(<span class="pl-s1">self</span>, <span class="pl-s1">v</span>, <span class="pl-s1">k</span>, <span class="pl-s1">q</span>, <span class="pl-s1">mask</span>): <span class="pl-s1">batch_size</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">shape</span>(<span class="pl-s1">q</span>)[<span class="pl-c1">0</span>] <span class="pl-s1">q</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">wq</span>(<span class="pl-s1">q</span>) <span class="pl-c"># (batch_size, seq_len, d_model)</span> <span class="pl-s1">k</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">wk</span>(<span class="pl-s1">k</span>) <span class="pl-c"># (batch_size, seq_len, d_model)</span> <span class="pl-s1">v</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">wv</span>(<span class="pl-s1">v</span>) <span class="pl-c"># (batch_size, seq_len, d_model)</span> <span class="pl-s1">q</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">split_heads</span>(<span class="pl-s1">q</span>, <span class="pl-s1">batch_size</span>) <span class="pl-c"># (batch_size, num_heads, seq_len_q, depth)</span> <span class="pl-s1">k</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">split_heads</span>(<span class="pl-s1">k</span>, <span class="pl-s1">batch_size</span>) <span class="pl-c"># (batch_size, num_heads, seq_len_k, depth)</span> <span class="pl-s1">v</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">split_heads</span>(<span class="pl-s1">v</span>, <span class="pl-s1">batch_size</span>) <span class="pl-c"># (batch_size, num_heads, seq_len_v, depth)</span> <span class="pl-c"># scaled_attention.shape == (batch_size, num_heads, seq_len_v, depth)</span> <span class="pl-c"># attention_weights.shape == (batch_size, num_heads, seq_len_q, seq_len_k)</span> <span class="pl-s1">scaled_attention</span>, <span class="pl-s1">attention_weights</span> <span class="pl-c1">=</span> <span class="pl-en">scaled_dot_product_attention</span>( <span class="pl-s1">q</span>, <span class="pl-s1">k</span>, <span class="pl-s1">v</span>, <span class="pl-s1">mask</span>) <span class="pl-s1">scaled_attention</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">transpose</span>(<span class="pl-s1">scaled_attention</span>, <span class="pl-s1">perm</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">2</span>, <span class="pl-c1">1</span>, <span class="pl-c1">3</span>]) <span class="pl-c"># (batch_size, seq_len_v, num_heads, depth)</span> <span class="pl-s1">concat_attention</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">reshape</span>(<span class="pl-s1">scaled_attention</span>, (<span class="pl-s1">batch_size</span>, <span class="pl-c1">-</span><span class="pl-c1">1</span>, <span class="pl-s1">self</span>.<span class="pl-s1">d_model</span>)) <span class="pl-c"># (batch_size, seq_len_v, d_model)</span> <span class="pl-s1">output</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">dense</span>(<span class="pl-s1">concat_attention</span>) <span class="pl-c"># (batch_size, seq_len_v, d_model)</span> <span class="pl-k">return</span> <span class="pl-s1">output</span>, <span class="pl-s1">attention_weights</span> <span class="pl-k">def</span> <span class="pl-en">point_wise_feed_forward_network</span>(<span class="pl-s1">d_model</span>, <span class="pl-s1">dff</span>): <span class="pl-k">return</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-v">Sequential</span>([ <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dense</span>(<span class="pl-s1">dff</span>, <span class="pl-s1">activation</span><span class="pl-c1">=</span><span class="pl-s">'relu'</span>), <span class="pl-c"># (batch_size, seq_len, dff)</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dense</span>(<span class="pl-s1">d_model</span>) <span class="pl-c"># (batch_size, seq_len, d_model)</span> ]) <span class="pl-k">class</span> <span class="pl-v">EncoderLayer</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Layer</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>, <span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>, <span class="pl-s1">dff</span>, <span class="pl-s1">rate</span><span class="pl-c1">=</span><span class="pl-c1">0.1</span>): <span class="pl-en">super</span>(<span class="pl-v">EncoderLayer</span>, <span class="pl-s1">self</span>).<span class="pl-en">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-s1">mha</span> <span class="pl-c1">=</span> <span class="pl-v">MultiHeadAttention</span>(<span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>) <span class="pl-s1">self</span>.<span class="pl-s1">ffn</span> <span class="pl-c1">=</span> <span class="pl-en">point_wise_feed_forward_network</span>(<span class="pl-s1">d_model</span>, <span class="pl-s1">dff</span>) <span class="pl-s1">self</span>.<span class="pl-s1">layernorm1</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">LayerNormalization</span>(<span class="pl-s1">epsilon</span><span class="pl-c1">=</span><span class="pl-c1">1e-6</span>) <span class="pl-s1">self</span>.<span class="pl-s1">layernorm2</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">LayerNormalization</span>(<span class="pl-s1">epsilon</span><span class="pl-c1">=</span><span class="pl-c1">1e-6</span>) <span class="pl-s1">self</span>.<span class="pl-s1">dropout1</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dropout</span>(<span class="pl-s1">rate</span>) <span class="pl-s1">self</span>.<span class="pl-s1">dropout2</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dropout</span>(<span class="pl-s1">rate</span>) <span class="pl-k">def</span> <span class="pl-en">call</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>, <span class="pl-s1">training</span>, <span class="pl-s1">mask</span>): <span class="pl-s1">attn_output</span>, <span class="pl-s1">_</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">mha</span>(<span class="pl-s1">x</span>, <span class="pl-s1">x</span>, <span class="pl-s1">x</span>, <span class="pl-s1">mask</span>) <span class="pl-c"># (batch_size, input_seq_len, d_model)</span> <span class="pl-s1">attn_output</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">dropout1</span>(<span class="pl-s1">attn_output</span>, <span class="pl-s1">training</span><span class="pl-c1">=</span><span class="pl-s1">training</span>) <span class="pl-s1">out1</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">layernorm1</span>(<span class="pl-s1">x</span> <span class="pl-c1">+</span> <span class="pl-s1">attn_output</span>) <span class="pl-c"># (batch_size, input_seq_len, d_model)</span> <span class="pl-s1">ffn_output</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">ffn</span>(<span class="pl-s1">out1</span>) <span class="pl-c"># (batch_size, input_seq_len, d_model)</span> <span class="pl-s1">ffn_output</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">dropout2</span>(<span class="pl-s1">ffn_output</span>, <span class="pl-s1">training</span><span class="pl-c1">=</span><span class="pl-s1">training</span>) <span class="pl-s1">out2</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">layernorm2</span>(<span class="pl-s1">out1</span> <span class="pl-c1">+</span> <span class="pl-s1">ffn_output</span>) <span class="pl-c"># (batch_size, input_seq_len, d_model)</span> <span class="pl-k">return</span> <span class="pl-s1">out2</span> <span class="pl-k">class</span> <span class="pl-v">DecoderLayer</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Layer</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>, <span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>, <span class="pl-s1">dff</span>, <span class="pl-s1">rate</span><span class="pl-c1">=</span><span class="pl-c1">0.1</span>): <span class="pl-en">super</span>(<span class="pl-v">DecoderLayer</span>, <span class="pl-s1">self</span>).<span class="pl-en">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-s1">mha1</span> <span class="pl-c1">=</span> <span class="pl-v">MultiHeadAttention</span>(<span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>) <span class="pl-s1">self</span>.<span class="pl-s1">mha2</span> <span class="pl-c1">=</span> <span class="pl-v">MultiHeadAttention</span>(<span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>) <span class="pl-s1">self</span>.<span class="pl-s1">ffn</span> <span class="pl-c1">=</span> <span class="pl-en">point_wise_feed_forward_network</span>(<span class="pl-s1">d_model</span>, <span class="pl-s1">dff</span>) <span class="pl-s1">self</span>.<span class="pl-s1">layernorm1</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">LayerNormalization</span>(<span class="pl-s1">epsilon</span><span class="pl-c1">=</span><span class="pl-c1">1e-6</span>) <span class="pl-s1">self</span>.<span class="pl-s1">layernorm2</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">LayerNormalization</span>(<span class="pl-s1">epsilon</span><span class="pl-c1">=</span><span class="pl-c1">1e-6</span>) <span class="pl-s1">self</span>.<span class="pl-s1">layernorm3</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">LayerNormalization</span>(<span class="pl-s1">epsilon</span><span class="pl-c1">=</span><span class="pl-c1">1e-6</span>) <span class="pl-s1">self</span>.<span class="pl-s1">dropout1</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dropout</span>(<span class="pl-s1">rate</span>) <span class="pl-s1">self</span>.<span class="pl-s1">dropout2</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dropout</span>(<span class="pl-s1">rate</span>) <span class="pl-s1">self</span>.<span class="pl-s1">dropout3</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dropout</span>(<span class="pl-s1">rate</span>) <span class="pl-k">def</span> <span class="pl-en">call</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>, <span class="pl-s1">enc_output</span>, <span class="pl-s1">training</span>, <span class="pl-s1">look_ahead_mask</span>, <span class="pl-s1">padding_mask</span>): <span class="pl-c"># enc_output.shape == (batch_size, input_seq_len, d_model)</span> <span class="pl-s1">attn1</span>, <span class="pl-s1">attn_weights_block1</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">mha1</span>(<span class="pl-s1">x</span>, <span class="pl-s1">x</span>, <span class="pl-s1">x</span>, <span class="pl-s1">look_ahead_mask</span>) <span class="pl-c"># (batch_size, target_seq_len, d_model)</span> <span class="pl-s1">attn1</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">dropout1</span>(<span class="pl-s1">attn1</span>, <span class="pl-s1">training</span><span class="pl-c1">=</span><span class="pl-s1">training</span>) <span class="pl-s1">out1</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">layernorm1</span>(<span class="pl-s1">attn1</span> <span class="pl-c1">+</span> <span class="pl-s1">x</span>) <span class="pl-s1">attn2</span>, <span class="pl-s1">attn_weights_block2</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">mha2</span>( <span class="pl-s1">enc_output</span>, <span class="pl-s1">enc_output</span>, <span class="pl-s1">out1</span>, <span class="pl-s1">padding_mask</span>) <span class="pl-c"># (batch_size, target_seq_len, d_model)</span> <span class="pl-s1">attn2</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">dropout2</span>(<span class="pl-s1">attn2</span>, <span class="pl-s1">training</span><span class="pl-c1">=</span><span class="pl-s1">training</span>) <span class="pl-s1">out2</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">layernorm2</span>(<span class="pl-s1">attn2</span> <span class="pl-c1">+</span> <span class="pl-s1">out1</span>) <span class="pl-c"># (batch_size, target_seq_len, d_model)</span> <span class="pl-s1">ffn_output</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">ffn</span>(<span class="pl-s1">out2</span>) <span class="pl-c"># (batch_size, target_seq_len, d_model)</span> <span class="pl-s1">ffn_output</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">dropout3</span>(<span class="pl-s1">ffn_output</span>, <span class="pl-s1">training</span><span class="pl-c1">=</span><span class="pl-s1">training</span>) <span class="pl-s1">out3</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">layernorm3</span>(<span class="pl-s1">ffn_output</span> <span class="pl-c1">+</span> <span class="pl-s1">out2</span>) <span class="pl-c"># (batch_size, target_seq_len, d_model)</span> <span class="pl-k">return</span> <span class="pl-s1">out3</span>, <span class="pl-s1">attn_weights_block1</span>, <span class="pl-s1">attn_weights_block2</span> <span class="pl-k">class</span> <span class="pl-v">Encoder</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Layer</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>, <span class="pl-s1">num_layers</span>, <span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>, <span class="pl-s1">dff</span>, <span class="pl-s1">input_vocab_size</span>, <span class="pl-s1">rate</span><span class="pl-c1">=</span><span class="pl-c1">0.1</span>): <span class="pl-en">super</span>(<span class="pl-v">Encoder</span>, <span class="pl-s1">self</span>).<span class="pl-en">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-s1">d_model</span> <span class="pl-c1">=</span> <span class="pl-s1">d_model</span> <span class="pl-s1">self</span>.<span class="pl-s1">num_layers</span> <span class="pl-c1">=</span> <span class="pl-s1">num_layers</span> <span class="pl-s1">self</span>.<span class="pl-s1">embedding</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Embedding</span>(<span class="pl-s1">input_vocab_size</span>, <span class="pl-s1">d_model</span>) <span class="pl-s1">self</span>.<span class="pl-s1">pos_encoding</span> <span class="pl-c1">=</span> <span class="pl-en">positional_encoding</span>(<span class="pl-s1">input_vocab_size</span>, <span class="pl-s1">self</span>.<span class="pl-s1">d_model</span>) <span class="pl-s1">self</span>.<span class="pl-s1">enc_layers</span> <span class="pl-c1">=</span> [<span class="pl-v">EncoderLayer</span>(<span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>, <span class="pl-s1">dff</span>, <span class="pl-s1">rate</span>) <span class="pl-k">for</span> <span class="pl-s1">_</span> <span class="pl-c1">in</span> <span class="pl-en">range</span>(<span class="pl-s1">num_layers</span>)] <span class="pl-s1">self</span>.<span class="pl-s1">dropout</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dropout</span>(<span class="pl-s1">rate</span>) <span class="pl-k">def</span> <span class="pl-en">call</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>, <span class="pl-s1">training</span>, <span class="pl-s1">mask</span>): <span class="pl-s1">seq_len</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">shape</span>(<span class="pl-s1">x</span>)[<span class="pl-c1">1</span>] <span class="pl-c"># adding embedding and position encoding.</span> <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">embedding</span>(<span class="pl-s1">x</span>) <span class="pl-c"># (batch_size, input_seq_len, d_model)</span> <span class="pl-s1">x</span> <span class="pl-c1">*=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">math</span>.<span class="pl-en">sqrt</span>(<span class="pl-s1">tf</span>.<span class="pl-en">cast</span>(<span class="pl-s1">self</span>.<span class="pl-s1">d_model</span>, <span class="pl-s1">tf</span>.<span class="pl-s1">float32</span>)) <span class="pl-s1">x</span> <span class="pl-c1">+=</span> <span class="pl-s1">self</span>.<span class="pl-s1">pos_encoding</span>[:, :<span class="pl-s1">seq_len</span>, :] <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">dropout</span>(<span class="pl-s1">x</span>, <span class="pl-s1">training</span><span class="pl-c1">=</span><span class="pl-s1">training</span>) <span class="pl-k">for</span> <span class="pl-s1">i</span> <span class="pl-c1">in</span> <span class="pl-en">range</span>(<span class="pl-s1">self</span>.<span class="pl-s1">num_layers</span>): <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-s1">enc_layers</span>[<span class="pl-s1">i</span>](<span class="pl-s1">x</span>, <span class="pl-s1">training</span>, <span class="pl-s1">mask</span>) <span class="pl-k">return</span> <span class="pl-s1">x</span> <span class="pl-c"># (batch_size, input_seq_len, d_model)</span> <span class="pl-k">class</span> <span class="pl-v">Decoder</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Layer</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>, <span class="pl-s1">num_layers</span>, <span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>, <span class="pl-s1">dff</span>, <span class="pl-s1">target_vocab_size</span>, <span class="pl-s1">rate</span><span class="pl-c1">=</span><span class="pl-c1">0.1</span>): <span class="pl-en">super</span>(<span class="pl-v">Decoder</span>, <span class="pl-s1">self</span>).<span class="pl-en">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-s1">d_model</span> <span class="pl-c1">=</span> <span class="pl-s1">d_model</span> <span class="pl-s1">self</span>.<span class="pl-s1">num_layers</span> <span class="pl-c1">=</span> <span class="pl-s1">num_layers</span> <span class="pl-s1">self</span>.<span class="pl-s1">embedding</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Embedding</span>(<span class="pl-s1">target_vocab_size</span>, <span class="pl-s1">d_model</span>) <span class="pl-s1">self</span>.<span class="pl-s1">pos_encoding</span> <span class="pl-c1">=</span> <span class="pl-en">positional_encoding</span>(<span class="pl-s1">target_vocab_size</span>, <span class="pl-s1">self</span>.<span class="pl-s1">d_model</span>) <span class="pl-s1">self</span>.<span class="pl-s1">dec_layers</span> <span class="pl-c1">=</span> [<span class="pl-v">DecoderLayer</span>(<span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>, <span class="pl-s1">dff</span>, <span class="pl-s1">rate</span>) <span class="pl-k">for</span> <span class="pl-s1">_</span> <span class="pl-c1">in</span> <span class="pl-en">range</span>(<span class="pl-s1">num_layers</span>)] <span class="pl-s1">self</span>.<span class="pl-s1">dropout</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dropout</span>(<span class="pl-s1">rate</span>) <span class="pl-k">def</span> <span class="pl-en">call</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>, <span class="pl-s1">enc_output</span>, <span class="pl-s1">training</span>, <span class="pl-s1">look_ahead_mask</span>, <span class="pl-s1">padding_mask</span>): <span class="pl-s1">seq_len</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">shape</span>(<span class="pl-s1">x</span>)[<span class="pl-c1">1</span>] <span class="pl-s1">attention_weights</span> <span class="pl-c1">=</span> {} <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">embedding</span>(<span class="pl-s1">x</span>) <span class="pl-c"># (batch_size, target_seq_len, d_model)</span> <span class="pl-s1">x</span> <span class="pl-c1">*=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">math</span>.<span class="pl-en">sqrt</span>(<span class="pl-s1">tf</span>.<span class="pl-en">cast</span>(<span class="pl-s1">self</span>.<span class="pl-s1">d_model</span>, <span class="pl-s1">tf</span>.<span class="pl-s1">float32</span>)) <span class="pl-s1">x</span> <span class="pl-c1">+=</span> <span class="pl-s1">self</span>.<span class="pl-s1">pos_encoding</span>[:, :<span class="pl-s1">seq_len</span>, :] <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">dropout</span>(<span class="pl-s1">x</span>, <span class="pl-s1">training</span><span class="pl-c1">=</span><span class="pl-s1">training</span>) <span class="pl-k">for</span> <span class="pl-s1">i</span> <span class="pl-c1">in</span> <span class="pl-en">range</span>(<span class="pl-s1">self</span>.<span class="pl-s1">num_layers</span>): <span class="pl-s1">x</span>, <span class="pl-s1">block1</span>, <span class="pl-s1">block2</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-s1">dec_layers</span>[<span class="pl-s1">i</span>](<span class="pl-s1">x</span>, <span class="pl-s1">enc_output</span>, <span class="pl-s1">training</span>, <span class="pl-s1">look_ahead_mask</span>, <span class="pl-s1">padding_mask</span>) <span class="pl-s1">attention_weights</span>[<span class="pl-s">'decoder_layer{}_block1'</span>.<span class="pl-en">format</span>(<span class="pl-s1">i</span> <span class="pl-c1">+</span> <span class="pl-c1">1</span>)] <span class="pl-c1">=</span> <span class="pl-s1">block1</span> <span class="pl-s1">attention_weights</span>[<span class="pl-s">'decoder_layer{}_block2'</span>.<span class="pl-en">format</span>(<span class="pl-s1">i</span> <span class="pl-c1">+</span> <span class="pl-c1">1</span>)] <span class="pl-c1">=</span> <span class="pl-s1">block2</span> <span class="pl-c"># x.shape == (batch_size, target_seq_len, d_model)</span> <span class="pl-k">return</span> <span class="pl-s1">x</span>, <span class="pl-s1">attention_weights</span> <span class="pl-s">"""## Create the Transformer</span> <span class="pl-s"></span> <span class="pl-s">Transformer consists of the encoder, decoder and a final linear layer. The output of the decoder is the input to the linear layer and its output is returned.</span> <span class="pl-s">"""</span> <span class="pl-k">class</span> <span class="pl-v">Transformer</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-v">Model</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>, <span class="pl-s1">num_layers</span>, <span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>, <span class="pl-s1">dff</span>, <span class="pl-s1">input_vocab_size</span>, <span class="pl-s1">target_vocab_size</span>, <span class="pl-s1">rate</span><span class="pl-c1">=</span><span class="pl-c1">0.1</span>): <span class="pl-en">super</span>(<span class="pl-v">Transformer</span>, <span class="pl-s1">self</span>).<span class="pl-en">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-s1">encoder</span> <span class="pl-c1">=</span> <span class="pl-v">Encoder</span>(<span class="pl-s1">num_layers</span>, <span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>, <span class="pl-s1">dff</span>, <span class="pl-s1">input_vocab_size</span>, <span class="pl-s1">rate</span>) <span class="pl-s1">self</span>.<span class="pl-s1">decoder</span> <span class="pl-c1">=</span> <span class="pl-v">Decoder</span>(<span class="pl-s1">num_layers</span>, <span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>, <span class="pl-s1">dff</span>, <span class="pl-s1">target_vocab_size</span>, <span class="pl-s1">rate</span>) <span class="pl-s1">self</span>.<span class="pl-s1">final_layer</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">layers</span>.<span class="pl-v">Dense</span>(<span class="pl-s1">target_vocab_size</span>) <span class="pl-k">def</span> <span class="pl-en">call</span>(<span class="pl-s1">self</span>, <span class="pl-s1">inp</span>, <span class="pl-s1">tar</span>, <span class="pl-s1">training</span>, <span class="pl-s1">enc_padding_mask</span>, <span class="pl-s1">look_ahead_mask</span>, <span class="pl-s1">dec_padding_mask</span>): <span class="pl-s1">enc_output</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">encoder</span>(<span class="pl-s1">inp</span>, <span class="pl-s1">training</span>, <span class="pl-s1">enc_padding_mask</span>) <span class="pl-c"># (batch_size, inp_seq_len, d_model)</span> <span class="pl-c"># dec_output.shape == (batch_size, tar_seq_len, d_model)</span> <span class="pl-s1">dec_output</span>, <span class="pl-s1">attention_weights</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">decoder</span>( <span class="pl-s1">tar</span>, <span class="pl-s1">enc_output</span>, <span class="pl-s1">training</span>, <span class="pl-s1">look_ahead_mask</span>, <span class="pl-s1">dec_padding_mask</span>) <span class="pl-s1">final_output</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-en">final_layer</span>(<span class="pl-s1">dec_output</span>) <span class="pl-c"># (batch_size, tar_seq_len, target_vocab_size)</span> <span class="pl-k">return</span> <span class="pl-s1">final_output</span>, <span class="pl-s1">attention_weights</span> <span class="pl-s1">num_layers</span> <span class="pl-c1">=</span> <span class="pl-c1">4</span> <span class="pl-s1">d_model</span> <span class="pl-c1">=</span> <span class="pl-c1">128</span> <span class="pl-s1">dff</span> <span class="pl-c1">=</span> <span class="pl-c1">512</span> <span class="pl-s1">num_heads</span> <span class="pl-c1">=</span> <span class="pl-c1">8</span> <span class="pl-s1">input_vocab_size</span> <span class="pl-c1">=</span> <span class="pl-s1">tokenizer_pt</span>.<span class="pl-s1">vocab_size</span> <span class="pl-c1">+</span> <span class="pl-c1">2</span> <span class="pl-s1">target_vocab_size</span> <span class="pl-c1">=</span> <span class="pl-s1">tokenizer_en</span>.<span class="pl-s1">vocab_size</span> <span class="pl-c1">+</span> <span class="pl-c1">2</span> <span class="pl-s1">dropout_rate</span> <span class="pl-c1">=</span> <span class="pl-c1">0.1</span> <span class="pl-k">class</span> <span class="pl-v">CustomSchedule</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">optimizers</span>.<span class="pl-s1">schedules</span>.<span class="pl-v">LearningRateSchedule</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>, <span class="pl-s1">d_model</span>, <span class="pl-s1">warmup_steps</span><span class="pl-c1">=</span><span class="pl-c1">4000</span>): <span class="pl-en">super</span>(<span class="pl-v">CustomSchedule</span>, <span class="pl-s1">self</span>).<span class="pl-en">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-s1">d_model</span> <span class="pl-c1">=</span> <span class="pl-s1">d_model</span> <span class="pl-s1">self</span>.<span class="pl-s1">d_model</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">cast</span>(<span class="pl-s1">self</span>.<span class="pl-s1">d_model</span>, <span class="pl-s1">tf</span>.<span class="pl-s1">float32</span>) <span class="pl-s1">self</span>.<span class="pl-s1">warmup_steps</span> <span class="pl-c1">=</span> <span class="pl-s1">warmup_steps</span> <span class="pl-k">def</span> <span class="pl-en">__call__</span>(<span class="pl-s1">self</span>, <span class="pl-s1">step</span>): <span class="pl-s1">arg1</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">math</span>.<span class="pl-en">rsqrt</span>(<span class="pl-s1">step</span>) <span class="pl-s1">arg2</span> <span class="pl-c1">=</span> <span class="pl-s1">step</span> <span class="pl-c1">*</span> (<span class="pl-s1">self</span>.<span class="pl-s1">warmup_steps</span> <span class="pl-c1">**</span> <span class="pl-c1">-</span><span class="pl-c1">1.5</span>) <span class="pl-k">return</span> <span class="pl-s1">tf</span>.<span class="pl-s1">math</span>.<span class="pl-en">rsqrt</span>(<span class="pl-s1">self</span>.<span class="pl-s1">d_model</span>) <span class="pl-c1">*</span> <span class="pl-s1">tf</span>.<span class="pl-s1">math</span>.<span class="pl-en">minimum</span>(<span class="pl-s1">arg1</span>, <span class="pl-s1">arg2</span>) <span class="pl-s1">learning_rate</span> <span class="pl-c1">=</span> <span class="pl-v">CustomSchedule</span>(<span class="pl-s1">d_model</span>) <span class="pl-s1">optimizer</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">optimizers</span>.<span class="pl-v">Adam</span>(<span class="pl-s1">learning_rate</span>, <span class="pl-s1">beta_1</span><span class="pl-c1">=</span><span class="pl-c1">0.9</span>, <span class="pl-s1">beta_2</span><span class="pl-c1">=</span><span class="pl-c1">0.98</span>, <span class="pl-s1">epsilon</span><span class="pl-c1">=</span><span class="pl-c1">1e-9</span>) <span class="pl-s1">temp_learning_rate_schedule</span> <span class="pl-c1">=</span> <span class="pl-v">CustomSchedule</span>(<span class="pl-s1">d_model</span>) <span class="pl-s1">plt</span>.<span class="pl-en">plot</span>(<span class="pl-en">temp_learning_rate_schedule</span>(<span class="pl-s1">tf</span>.<span class="pl-en">range</span>(<span class="pl-c1">40000</span>, <span class="pl-s1">dtype</span><span class="pl-c1">=</span><span class="pl-s1">tf</span>.<span class="pl-s1">float32</span>))) <span class="pl-s1">plt</span>.<span class="pl-en">ylabel</span>(<span class="pl-s">"Learning Rate"</span>) <span class="pl-s1">plt</span>.<span class="pl-en">xlabel</span>(<span class="pl-s">"Train Step"</span>) <span class="pl-s">"""## Loss and metrics</span> <span class="pl-s"></span> <span class="pl-s">Since the target sequences are padded, it is important to apply a padding mask when calculating the loss.</span> <span class="pl-s">"""</span> <span class="pl-s1">loss_object</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">losses</span>.<span class="pl-v">SparseCategoricalCrossentropy</span>( <span class="pl-s1">from_logits</span><span class="pl-c1">=</span><span class="pl-c1">True</span>, <span class="pl-s1">reduction</span><span class="pl-c1">=</span><span class="pl-s">'none'</span>) <span class="pl-k">def</span> <span class="pl-en">loss_function</span>(<span class="pl-s1">real</span>, <span class="pl-s1">pred</span>): <span class="pl-s1">mask</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">math</span>.<span class="pl-en">logical_not</span>(<span class="pl-s1">tf</span>.<span class="pl-s1">math</span>.<span class="pl-en">equal</span>(<span class="pl-s1">real</span>, <span class="pl-c1">0</span>)) <span class="pl-s1">loss_</span> <span class="pl-c1">=</span> <span class="pl-en">loss_object</span>(<span class="pl-s1">real</span>, <span class="pl-s1">pred</span>) <span class="pl-s1">mask</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">cast</span>(<span class="pl-s1">mask</span>, <span class="pl-s1">dtype</span><span class="pl-c1">=</span><span class="pl-s1">loss_</span>.<span class="pl-s1">dtype</span>) <span class="pl-s1">loss_</span> <span class="pl-c1">*=</span> <span class="pl-s1">mask</span> <span class="pl-k">return</span> <span class="pl-s1">tf</span>.<span class="pl-en">reduce_mean</span>(<span class="pl-s1">loss_</span>) <span class="pl-s1">train_loss</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">metrics</span>.<span class="pl-v">Mean</span>(<span class="pl-s1">name</span><span class="pl-c1">=</span><span class="pl-s">'train_loss'</span>) <span class="pl-s1">train_accuracy</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">metrics</span>.<span class="pl-v">SparseCategoricalAccuracy</span>(<span class="pl-s1">name</span><span class="pl-c1">=</span><span class="pl-s">'train_accuracy'</span>) <span class="pl-s1">val_loss</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">metrics</span>.<span class="pl-v">Mean</span>(<span class="pl-s1">name</span><span class="pl-c1">=</span><span class="pl-s">'val_loss'</span>) <span class="pl-s1">val_accuracy</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">keras</span>.<span class="pl-s1">metrics</span>.<span class="pl-v">SparseCategoricalAccuracy</span>(<span class="pl-s1">name</span><span class="pl-c1">=</span><span class="pl-s">'val_accuracy'</span>) <span class="pl-s">"""## Training and checkpointing"""</span> <span class="pl-s1">transformer</span> <span class="pl-c1">=</span> <span class="pl-v">Transformer</span>(<span class="pl-s1">num_layers</span>, <span class="pl-s1">d_model</span>, <span class="pl-s1">num_heads</span>, <span class="pl-s1">dff</span>, <span class="pl-s1">input_vocab_size</span>, <span class="pl-s1">target_vocab_size</span>, <span class="pl-s1">dropout_rate</span>) <span class="pl-k">def</span> <span class="pl-en">create_masks</span>(<span class="pl-s1">inp</span>, <span class="pl-s1">tar</span>): <span class="pl-c"># Encoder padding mask</span> <span class="pl-s1">enc_padding_mask</span> <span class="pl-c1">=</span> <span class="pl-en">create_padding_mask</span>(<span class="pl-s1">inp</span>) <span class="pl-c"># Used in the 2nd attention block in the decoder.</span> <span class="pl-c"># This padding mask is used to mask the encoder outputs.</span> <span class="pl-s1">dec_padding_mask</span> <span class="pl-c1">=</span> <span class="pl-en">create_padding_mask</span>(<span class="pl-s1">inp</span>) <span class="pl-c"># Used in the 1st attention block in the decoder.</span> <span class="pl-c"># It is used to pad and mask future tokens in the input received by</span> <span class="pl-c"># the decoder.</span> <span class="pl-s1">look_ahead_mask</span> <span class="pl-c1">=</span> <span class="pl-en">create_look_ahead_mask</span>(<span class="pl-s1">tf</span>.<span class="pl-en">shape</span>(<span class="pl-s1">tar</span>)[<span class="pl-c1">1</span>]) <span class="pl-s1">dec_target_padding_mask</span> <span class="pl-c1">=</span> <span class="pl-en">create_padding_mask</span>(<span class="pl-s1">tar</span>) <span class="pl-s1">combined_mask</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">maximum</span>(<span class="pl-s1">dec_target_padding_mask</span>, <span class="pl-s1">look_ahead_mask</span>) <span class="pl-k">return</span> <span class="pl-s1">enc_padding_mask</span>, <span class="pl-s1">combined_mask</span>, <span class="pl-s1">dec_padding_mask</span> <span class="pl-s">"""Create the checkpoint path and the checkpoint manager. This will be used to save checkpoints every `n` epochs."""</span> <span class="pl-s1">checkpoint_path</span> <span class="pl-c1">=</span> <span class="pl-s">"./checkpoints/train"</span> <span class="pl-s1">ckpt</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">train</span>.<span class="pl-v">Checkpoint</span>(<span class="pl-s1">transformer</span><span class="pl-c1">=</span><span class="pl-s1">transformer</span>, <span class="pl-s1">optimizer</span><span class="pl-c1">=</span><span class="pl-s1">optimizer</span>) <span class="pl-s1">ckpt_manager</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-s1">train</span>.<span class="pl-v">CheckpointManager</span>(<span class="pl-s1">ckpt</span>, <span class="pl-s1">checkpoint_path</span>, <span class="pl-s1">max_to_keep</span><span class="pl-c1">=</span><span class="pl-c1">5</span>) <span class="pl-c"># if a checkpoint exists, restore the latest checkpoint.</span> <span class="pl-k">if</span> <span class="pl-s1">ckpt_manager</span>.<span class="pl-s1">latest_checkpoint</span>: <span class="pl-s1">ckpt</span>.<span class="pl-en">restore</span>(<span class="pl-s1">ckpt_manager</span>.<span class="pl-s1">latest_checkpoint</span>) <span class="pl-en">print</span>(<span class="pl-s">'Latest checkpoint restored!!'</span>) <span class="pl-v">EPOCHS</span> <span class="pl-c1">=</span> <span class="pl-c1">200</span> <span class="pl-s1">train_num</span> <span class="pl-c1">=</span> <span class="pl-en">len</span>([<span class="pl-c1">1</span> <span class="pl-k">for</span> <span class="pl-s1">_</span>, <span class="pl-s1">_</span> <span class="pl-c1">in</span> <span class="pl-s1">train_dataset</span>]) <span class="pl-en">@<span class="pl-s1">tf</span>.<span class="pl-s1">function</span></span> <span class="pl-k">def</span> <span class="pl-en">train_step</span>(<span class="pl-s1">inp</span>, <span class="pl-s1">tar</span>): <span class="pl-s1">tar_inp</span> <span class="pl-c1">=</span> <span class="pl-s1">tar</span>[:, :<span class="pl-c1">-</span><span class="pl-c1">1</span>] <span class="pl-s1">tar_real</span> <span class="pl-c1">=</span> <span class="pl-s1">tar</span>[:, <span class="pl-c1">1</span>:] <span class="pl-s1">enc_padding_mask</span>, <span class="pl-s1">combined_mask</span>, <span class="pl-s1">dec_padding_mask</span> <span class="pl-c1">=</span> <span class="pl-en">create_masks</span>(<span class="pl-s1">inp</span>, <span class="pl-s1">tar_inp</span>) <span class="pl-k">with</span> <span class="pl-s1">tf</span>.<span class="pl-v">GradientTape</span>() <span class="pl-k">as</span> <span class="pl-s1">tape</span>: <span class="pl-s1">predictions</span>, <span class="pl-s1">_</span> <span class="pl-c1">=</span> <span class="pl-en">transformer</span>(<span class="pl-s1">inp</span>, <span class="pl-s1">tar_inp</span>, <span class="pl-c1">True</span>, <span class="pl-s1">enc_padding_mask</span>, <span class="pl-s1">combined_mask</span>, <span class="pl-s1">dec_padding_mask</span>) <span class="pl-s1">loss</span> <span class="pl-c1">=</span> <span class="pl-en">loss_function</span>(<span class="pl-s1">tar_real</span>, <span class="pl-s1">predictions</span>) <span class="pl-s1">gradients</span> <span class="pl-c1">=</span> <span class="pl-s1">tape</span>.<span class="pl-en">gradient</span>(<span class="pl-s1">loss</span>, <span class="pl-s1">transformer</span>.<span class="pl-s1">trainable_variables</span>) <span class="pl-s1">optimizer</span>.<span class="pl-en">apply_gradients</span>(<span class="pl-en">zip</span>(<span class="pl-s1">gradients</span>, <span class="pl-s1">transformer</span>.<span class="pl-s1">trainable_variables</span>)) <span class="pl-en">train_loss</span>(<span class="pl-s1">loss</span>) <span class="pl-en">train_accuracy</span>(<span class="pl-s1">tar_real</span>, <span class="pl-s1">predictions</span>) <span class="pl-en">@<span class="pl-s1">tf</span>.<span class="pl-s1">function</span></span> <span class="pl-k">def</span> <span class="pl-en">val_step</span>(<span class="pl-s1">inp</span>, <span class="pl-s1">tar</span>): <span class="pl-s1">tar_inp</span> <span class="pl-c1">=</span> <span class="pl-s1">tar</span>[:, :<span class="pl-c1">-</span><span class="pl-c1">1</span>] <span class="pl-s1">tar_real</span> <span class="pl-c1">=</span> <span class="pl-s1">tar</span>[:, <span class="pl-c1">1</span>:] <span class="pl-s1">enc_padding_mask</span>, <span class="pl-s1">combined_mask</span>, <span class="pl-s1">dec_padding_mask</span> <span class="pl-c1">=</span> <span class="pl-en">create_masks</span>(<span class="pl-s1">inp</span>, <span class="pl-s1">tar_inp</span>) <span class="pl-s1">predictions</span>, <span class="pl-s1">_</span> <span class="pl-c1">=</span> <span class="pl-en">transformer</span>(<span class="pl-s1">inp</span>,<span class="pl-s1">tar_inp</span>, <span class="pl-s1">enc_padding_mask</span><span class="pl-c1">=</span><span class="pl-s1">enc_padding_mask</span>, <span class="pl-s1">look_ahead_mask</span><span class="pl-c1">=</span><span class="pl-s1">combined_mask</span>, <span class="pl-s1">dec_padding_mask</span><span class="pl-c1">=</span><span class="pl-s1">dec_padding_mask</span>, <span class="pl-s1">training</span><span class="pl-c1">=</span><span class="pl-c1">False</span>) <span class="pl-s1">loss</span> <span class="pl-c1">=</span> <span class="pl-en">loss_function</span>(<span class="pl-s1">tar_real</span>, <span class="pl-s1">predictions</span>) <span class="pl-s1">ppl</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">exp</span>(<span class="pl-s1">loss</span>) <span class="pl-en">val_loss</span>(<span class="pl-s1">ppl</span>) <span class="pl-en">val_accuracy</span>(<span class="pl-s1">tar_real</span>, <span class="pl-s1">predictions</span>) <span class="pl-en">print</span>(<span class="pl-s">"(3):Traning model......"</span>) <span class="pl-s">"""Portuguese is used as the input language and English is the target language."""</span> <span class="pl-k">for</span> <span class="pl-s1">epoch</span> <span class="pl-c1">in</span> <span class="pl-en">range</span>(<span class="pl-v">EPOCHS</span>): <span class="pl-s1">train_loss</span>.<span class="pl-en">reset_states</span>() <span class="pl-s1">train_accuracy</span>.<span class="pl-en">reset_states</span>() <span class="pl-s1">val_loss</span>.<span class="pl-en">reset_states</span>() <span class="pl-s1">val_accuracy</span>.<span class="pl-en">reset_states</span>() <span class="pl-en">print</span>(<span class="pl-s">'Epoch {}'</span>.<span class="pl-en">format</span>(<span class="pl-s1">epoch</span> <span class="pl-c1">+</span> <span class="pl-c1">1</span>)) <span class="pl-s1">start</span> <span class="pl-c1">=</span> <span class="pl-s1">time</span>.<span class="pl-en">time</span>() <span class="pl-c"># inp -&gt; portuguese, tar -&gt; english</span> <span class="pl-k">with</span> <span class="pl-en">tqdm</span>(<span class="pl-s1">total</span><span class="pl-c1">=</span><span class="pl-s1">train_num</span> <span class="pl-c1">*</span> <span class="pl-v">BATCH_SIZE</span>) <span class="pl-k">as</span> <span class="pl-s1">pbar</span>: <span class="pl-k">for</span> <span class="pl-s1">inp</span>, <span class="pl-s1">tar</span> <span class="pl-c1">in</span> <span class="pl-s1">train_dataset</span>: <span class="pl-en">train_step</span>(<span class="pl-s1">inp</span>, <span class="pl-s1">tar</span>) <span class="pl-s1">pbar</span>.<span class="pl-en">update</span>(<span class="pl-v">BATCH_SIZE</span>) <span class="pl-k">for</span> <span class="pl-s1">inp</span>, <span class="pl-s1">tar</span> <span class="pl-c1">in</span> <span class="pl-s1">val_dataset</span>: <span class="pl-en">val_step</span>(<span class="pl-s1">inp</span>, <span class="pl-s1">tar</span>) <span class="pl-s1">end</span> <span class="pl-c1">=</span> <span class="pl-s1">time</span>.<span class="pl-en">time</span>() <span class="pl-en">print</span>(<span class="pl-s">'train_loss {:.4f}<span class="pl-cce">\t</span>train_acc {:.2f}<span class="pl-cce">\t</span>'</span> <span class="pl-s">'val_loss {:.4f}<span class="pl-cce">\t</span>val_acc {:.2f}<span class="pl-cce">\t</span>'</span> <span class="pl-s">'time {:.2f}s'</span>.<span class="pl-en">format</span>(<span class="pl-s1">train_loss</span>.<span class="pl-en">result</span>(), <span class="pl-s1">train_accuracy</span>.<span class="pl-en">result</span>() <span class="pl-c1">*</span> <span class="pl-c1">100</span>, <span class="pl-s1">val_loss</span>.<span class="pl-en">result</span>(), <span class="pl-s1">val_accuracy</span>.<span class="pl-en">result</span>() <span class="pl-c1">*</span> <span class="pl-c1">100</span>, <span class="pl-s1">end</span> <span class="pl-c1">-</span> <span class="pl-s1">start</span>, )) <span class="pl-k">def</span> <span class="pl-en">evaluate</span>(<span class="pl-s1">inp_sentence</span>): <span class="pl-s1">start_token</span> <span class="pl-c1">=</span> [<span class="pl-s1">tokenizer_pt</span>.<span class="pl-s1">vocab_size</span>] <span class="pl-s1">end_token</span> <span class="pl-c1">=</span> [<span class="pl-s1">tokenizer_pt</span>.<span class="pl-s1">vocab_size</span> <span class="pl-c1">+</span> <span class="pl-c1">1</span>] <span class="pl-c"># inp sentence is portuguese, hence adding the start and end token</span> <span class="pl-s1">inp_sentence</span> <span class="pl-c1">=</span> <span class="pl-s1">start_token</span> <span class="pl-c1">+</span> <span class="pl-s1">tokenizer_pt</span>.<span class="pl-en">encode</span>(<span class="pl-s1">inp_sentence</span>) <span class="pl-c1">+</span> <span class="pl-s1">end_token</span> <span class="pl-s1">encoder_input</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">expand_dims</span>(<span class="pl-s1">inp_sentence</span>, <span class="pl-c1">0</span>) <span class="pl-c"># as the target is english, the first word to the transformer should be the</span> <span class="pl-c"># english start token.</span> <span class="pl-s1">decoder_input</span> <span class="pl-c1">=</span> [<span class="pl-s1">tokenizer_en</span>.<span class="pl-s1">vocab_size</span>] <span class="pl-s1">output</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">expand_dims</span>(<span class="pl-s1">decoder_input</span>, <span class="pl-c1">0</span>) <span class="pl-k">for</span> <span class="pl-s1">i</span> <span class="pl-c1">in</span> <span class="pl-en">range</span>(<span class="pl-v">MAX_LENGTH</span>): <span class="pl-s1">enc_padding_mask</span>, <span class="pl-s1">combined_mask</span>, <span class="pl-s1">dec_padding_mask</span> <span class="pl-c1">=</span> <span class="pl-en">create_masks</span>( <span class="pl-s1">encoder_input</span>, <span class="pl-s1">output</span>) <span class="pl-c"># predictions.shape == (batch_size, seq_len, vocab_size)</span> <span class="pl-s1">predictions</span>, <span class="pl-s1">attention_weights</span> <span class="pl-c1">=</span> <span class="pl-en">transformer</span>(<span class="pl-s1">encoder_input</span>, <span class="pl-s1">output</span>, <span class="pl-c1">False</span>, <span class="pl-s1">enc_padding_mask</span>, <span class="pl-s1">combined_mask</span>, <span class="pl-s1">dec_padding_mask</span>) <span class="pl-c"># select the last word from the seq_len dimension</span> <span class="pl-s1">predictions</span> <span class="pl-c1">=</span> <span class="pl-s1">predictions</span>[:, <span class="pl-c1">-</span><span class="pl-c1">1</span>:, :] <span class="pl-c"># (batch_size, 1, vocab_size)</span> <span class="pl-s1">predicted_id</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">cast</span>(<span class="pl-s1">tf</span>.<span class="pl-en">argmax</span>(<span class="pl-s1">predictions</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">tf</span>.<span class="pl-s1">int32</span>) <span class="pl-c"># return the result if the predicted_id is equal to the end token</span> <span class="pl-k">if</span> <span class="pl-s1">tf</span>.<span class="pl-en">equal</span>(<span class="pl-s1">predicted_id</span>, <span class="pl-s1">tokenizer_en</span>.<span class="pl-s1">vocab_size</span> <span class="pl-c1">+</span> <span class="pl-c1">1</span>): <span class="pl-k">return</span> <span class="pl-s1">tf</span>.<span class="pl-en">squeeze</span>(<span class="pl-s1">output</span>, <span class="pl-s1">axis</span><span class="pl-c1">=</span><span class="pl-c1">0</span>), <span class="pl-s1">attention_weights</span> <span class="pl-c"># concatentate the predicted_id to the output which is given to the decoder</span> <span class="pl-c"># as its input.</span> <span class="pl-s1">output</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">concat</span>([<span class="pl-s1">output</span>, <span class="pl-s1">predicted_id</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-k">return</span> <span class="pl-s1">tf</span>.<span class="pl-en">squeeze</span>(<span class="pl-s1">output</span>, <span class="pl-s1">axis</span><span class="pl-c1">=</span><span class="pl-c1">0</span>), <span class="pl-s1">attention_weights</span> <span class="pl-k">def</span> <span class="pl-en">plot_attention_weights</span>(<span class="pl-s1">attention</span>, <span class="pl-s1">sentence</span>, <span class="pl-s1">result</span>, <span class="pl-s1">layer</span>): <span class="pl-s1">fig</span> <span class="pl-c1">=</span> <span class="pl-s1">plt</span>.<span class="pl-en">figure</span>(<span class="pl-s1">figsize</span><span class="pl-c1">=</span>(<span class="pl-c1">16</span>, <span class="pl-c1">8</span>)) <span class="pl-s1">sentence</span> <span class="pl-c1">=</span> <span class="pl-s1">tokenizer_pt</span>.<span class="pl-en">encode</span>(<span class="pl-s1">sentence</span>) <span class="pl-s1">attention</span> <span class="pl-c1">=</span> <span class="pl-s1">tf</span>.<span class="pl-en">squeeze</span>(<span class="pl-s1">attention</span>[<span class="pl-s1">layer</span>], <span class="pl-s1">axis</span><span class="pl-c1">=</span><span class="pl-c1">0</span>) <span class="pl-k">for</span> <span class="pl-s1">head</span> <span class="pl-c1">in</span> <span class="pl-en">range</span>(<span class="pl-s1">attention</span>.<span class="pl-s1">shape</span>[<span class="pl-c1">0</span>]): <span class="pl-s1">ax</span> <span class="pl-c1">=</span> <span class="pl-s1">fig</span>.<span class="pl-en">add_subplot</span>(<span class="pl-c1">2</span>, <span class="pl-c1">4</span>, <span class="pl-s1">head</span> <span class="pl-c1">+</span> <span class="pl-c1">1</span>) <span class="pl-c"># plot the attention weights</span> <span class="pl-s1">ax</span>.<span class="pl-en">matshow</span>(<span class="pl-s1">attention</span>[<span class="pl-s1">head</span>][:<span class="pl-c1">-</span><span class="pl-c1">1</span>, :], <span class="pl-s1">cmap</span><span class="pl-c1">=</span><span class="pl-s">'viridis'</span>) <span class="pl-s1">fontdict</span> <span class="pl-c1">=</span> {<span class="pl-s">'fontsize'</span>: <span class="pl-c1">10</span>} <span class="pl-s1">ax</span>.<span class="pl-en">set_xticks</span>(<span class="pl-en">range</span>(<span class="pl-en">len</span>(<span class="pl-s1">sentence</span>) <span class="pl-c1">+</span> <span class="pl-c1">2</span>)) <span class="pl-s1">ax</span>.<span class="pl-en">set_yticks</span>(<span class="pl-en">range</span>(<span class="pl-en">len</span>(<span class="pl-s1">result</span>))) <span class="pl-s1">ax</span>.<span class="pl-en">set_ylim</span>(<span class="pl-en">len</span>(<span class="pl-s1">result</span>) <span class="pl-c1">-</span> <span class="pl-c1">1.5</span>, <span class="pl-c1">-</span><span class="pl-c1">0.5</span>) <span class="pl-s1">ax</span>.<span class="pl-en">set_xticklabels</span>( [<span class="pl-s">'&lt;start&gt;'</span>] <span class="pl-c1">+</span> [<span class="pl-s1">tokenizer_pt</span>.<span class="pl-en">decode</span>([<span class="pl-s1">i</span>]) <span class="pl-k">for</span> <span class="pl-s1">i</span> <span class="pl-c1">in</span> <span class="pl-s1">sentence</span>] <span class="pl-c1">+</span> [<span class="pl-s">'&lt;end&gt;'</span>], <span class="pl-s1">fontdict</span><span class="pl-c1">=</span><span class="pl-s1">fontdict</span>, <span class="pl-s1">rotation</span><span class="pl-c1">=</span><span class="pl-c1">90</span>) <span class="pl-s1">ax</span>.<span class="pl-en">set_yticklabels</span>([<span class="pl-s1">tokenizer_en</span>.<span class="pl-en">decode</span>([<span class="pl-s1">i</span>]) <span class="pl-k">for</span> <span class="pl-s1">i</span> <span class="pl-c1">in</span> <span class="pl-s1">result</span> <span class="pl-k">if</span> <span class="pl-s1">i</span> <span class="pl-c1">&lt;</span> <span class="pl-s1">tokenizer_en</span>.<span class="pl-s1">vocab_size</span>], <span class="pl-s1">fontdict</span><span class="pl-c1">=</span><span class="pl-s1">fontdict</span>) <span class="pl-s1">ax</span>.<span class="pl-en">set_xlabel</span>(<span class="pl-s">'Head {}'</span>.<span class="pl-en">format</span>(<span class="pl-s1">head</span> <span class="pl-c1">+</span> <span class="pl-c1">1</span>)) <span class="pl-s1">plt</span>.<span class="pl-en">tight_layout</span>() <span class="pl-s1">plt</span>.<span class="pl-en">show</span>() <span class="pl-k">def</span> <span class="pl-en">translate</span>(<span class="pl-s1">sentence</span>, <span class="pl-s1">plot</span><span class="pl-c1">=</span><span class="pl-s">''</span>): <span class="pl-s1">result</span>, <span class="pl-s1">attention_weights</span> <span class="pl-c1">=</span> <span class="pl-en">evaluate</span>(<span class="pl-s1">sentence</span>) <span class="pl-s1">predicted_sentence</span> <span class="pl-c1">=</span> <span class="pl-s1">tokenizer_en</span>.<span class="pl-en">decode</span>([<span class="pl-s1">i</span> <span class="pl-k">for</span> <span class="pl-s1">i</span> <span class="pl-c1">in</span> <span class="pl-s1">result</span> <span class="pl-k">if</span> <span class="pl-s1">i</span> <span class="pl-c1">&lt;</span> <span class="pl-s1">tokenizer_en</span>.<span class="pl-s1">vocab_size</span>]) <span class="pl-en">print</span>(<span class="pl-s">'Input: {}'</span>.<span class="pl-en">format</span>(<span class="pl-s1">sentence</span>)) <span class="pl-en">print</span>(<span class="pl-s">'Predicted translation: {}'</span>.<span class="pl-en">format</span>(<span class="pl-s1">predicted_sentence</span>)) <span class="pl-k">if</span> <span class="pl-s1">plot</span>: <span class="pl-en">plot_attention_weights</span>(<span class="pl-s1">attention_weights</span>, <span class="pl-s1">sentence</span>, <span class="pl-s1">result</span>, <span class="pl-s1">plot</span>) <span class="pl-en">print</span>(<span class="pl-s">"(4):Evaluate model......"</span>) <span class="pl-en">translate</span>(<span class="pl-s">"este é um problema que temos que resolver."</span>) <span class="pl-en">print</span>(<span class="pl-s">"Real translation: this is a problem we have to solve ."</span>) <span class="pl-en">translate</span>(<span class="pl-s">"os meus vizinhos ouviram sobre esta ideia."</span>) <span class="pl-en">print</span>(<span class="pl-s">"Real translation: and my neighboring homes heard about this idea ."</span>) <span class="pl-en">translate</span>(<span class="pl-s">"vou então muito rapidamente partilhar convosco algumas histórias de algumas coisas mágicas que aconteceram."</span>) <span class="pl-en">print</span>( <span class="pl-s">"Real translation: so i 'll just share with you some stories very quickly of some magical things that have happened ."</span>) <span class="pl-s">"""You can pass different layers and attention blocks of the decoder to the `plot` parameter."""</span> <span class="pl-en">translate</span>(<span class="pl-s">"este é o primeiro livro que eu fiz."</span>, <span class="pl-s1">plot</span><span class="pl-c1">=</span><span class="pl-s">'decoder_layer4_block2'</span>) <span class="pl-en">print</span>(<span class="pl-s">"Real translation: this is the first book i've ever done."</span>)</pre></div>
<p dir="auto"><strong>System information</strong></p> <ul dir="auto"> <li>OS Platform and Distribution (e.g., Linux Ubuntu 16.04): Windows 10 64bit</li> <li>TensorFlow installed from (source or binary): pip</li> <li>TensorFlow version: 1.12.0</li> <li>Python version: 3.6.7 64bit</li> <li>Installed using virtualenv? pip? conda?: No virtualenv. Direct install with pip. No conda. Virtualenv tried, but result is the same.</li> <li>CUDA/cuDNN version: cuda_9.0.176_win10, cudnn-9.0-windows10-x64-v7.5.0.56</li> <li>GPU model and memory: RTX2070 8G</li> <li>CPU model: intel i5-9400f (CPU without integrated GPU)</li> </ul> <p dir="auto"><strong>Describe the problem</strong></p> <p dir="auto">To be clear, this is NOT a issue about the dll files that can not be found. Files are there, but something is wrong with the previlige.</p> <p dir="auto">I recently built a new windows 10 PC and installed tensorflow on it. The installation was successful, but I had to run the code with Administrator. Otherwise a simple import code like "import tensorflow as tf" would result in "ImportError: DLL load failed: Access is denied" if I try to run it without "Run as Administrator". The code did work flawlessly if I choose to run as admin though. But on my old notebook I could execute without admin previlige.</p> <p dir="auto">The installations on my new and old computer were the same, so the software version and system environment variables should not be the problem. I am wondering why this is happening and is there any way I can get rid of the "run as admin" process which is rather danger and annoying for every time I want to run the code.</p> <p dir="auto"><strong>Any other info / logs</strong></p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="3.6.7 (v3.6.7:6ec5cf24b7, Oct 20 2018, 13:35:33) [MSC v.1900 64 bit (AMD64)] Traceback (most recent call last): File &quot;C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow.py&quot;, line 58, in &lt;module&gt; from tensorflow.python.pywrap_tensorflow_internal import * File &quot;C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py&quot;, line 28, in &lt;module&gt; _pywrap_tensorflow_internal = swig_import_helper() File &quot;C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py&quot;, line 24, in swig_import_helper _mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description) File &quot;C:\Python36\lib\imp.py&quot;, line 243, in load_module return load_dynamic(name, filename, file) File &quot;C:\Python36\lib\imp.py&quot;, line 343, in load_dynamic return _load(spec) ImportError: DLL load failed: Access is denied. During handling of the above exception, another exception occurred: Traceback (most recent call last): File &quot;hello tensorflow.py&quot;, line 12, in &lt;module&gt; import tensorflow as tf File &quot;C:\Python36\lib\site-packages\tensorflow\__init__.py&quot;, line 24, in &lt;module&gt; from tensorflow.python import pywrap_tensorflow # pylint: disable=unused-import File &quot;C:\Python36\lib\site-packages\tensorflow\python\__init__.py&quot;, line 49, in &lt;module&gt; from tensorflow.python import pywrap_tensorflow File &quot;C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow.py&quot;, line 74, in &lt;module&gt; raise ImportError(msg) ImportError: Traceback (most recent call last): File &quot;C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow.py&quot;, line 58, in &lt;module&gt; from tensorflow.python.pywrap_tensorflow_internal import * File &quot;C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py&quot;, line 28, in &lt;module&gt; _pywrap_tensorflow_internal = swig_import_helper() File &quot;C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py&quot;, line 24, in swig_import_helper _mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description) File &quot;C:\Python36\lib\imp.py&quot;, line 243, in load_module return load_dynamic(name, filename, file) File &quot;C:\Python36\lib\imp.py&quot;, line 343, in load_dynamic return _load(spec) ImportError: DLL load failed: Access is denied. Failed to load the native TensorFlow runtime. See https://www.tensorflow.org/install/errors for some common reasons and solutions. Include the entire stack trace above this error message when asking for help."><pre class="notranslate"><code class="notranslate">3.6.7 (v3.6.7:6ec5cf24b7, Oct 20 2018, 13:35:33) [MSC v.1900 64 bit (AMD64)] Traceback (most recent call last): File "C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow.py", line 58, in &lt;module&gt; from tensorflow.python.pywrap_tensorflow_internal import * File "C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py", line 28, in &lt;module&gt; _pywrap_tensorflow_internal = swig_import_helper() File "C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py", line 24, in swig_import_helper _mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description) File "C:\Python36\lib\imp.py", line 243, in load_module return load_dynamic(name, filename, file) File "C:\Python36\lib\imp.py", line 343, in load_dynamic return _load(spec) ImportError: DLL load failed: Access is denied. During handling of the above exception, another exception occurred: Traceback (most recent call last): File "hello tensorflow.py", line 12, in &lt;module&gt; import tensorflow as tf File "C:\Python36\lib\site-packages\tensorflow\__init__.py", line 24, in &lt;module&gt; from tensorflow.python import pywrap_tensorflow # pylint: disable=unused-import File "C:\Python36\lib\site-packages\tensorflow\python\__init__.py", line 49, in &lt;module&gt; from tensorflow.python import pywrap_tensorflow File "C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow.py", line 74, in &lt;module&gt; raise ImportError(msg) ImportError: Traceback (most recent call last): File "C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow.py", line 58, in &lt;module&gt; from tensorflow.python.pywrap_tensorflow_internal import * File "C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py", line 28, in &lt;module&gt; _pywrap_tensorflow_internal = swig_import_helper() File "C:\Python36\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py", line 24, in swig_import_helper _mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description) File "C:\Python36\lib\imp.py", line 243, in load_module return load_dynamic(name, filename, file) File "C:\Python36\lib\imp.py", line 343, in load_dynamic return _load(spec) ImportError: DLL load failed: Access is denied. Failed to load the native TensorFlow runtime. See https://www.tensorflow.org/install/errors for some common reasons and solutions. Include the entire stack trace above this error message when asking for help. </code></pre></div>
0
<p dir="auto">Possibly this issue is not an issue of Windows Terminal but of WSL or of one specific distribution within WSL.</p> <h1 dir="auto">Environment</h1> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Microsoft Windows [Version 10.0.18362.356] Windows Terminal (Preview) [Version 0.4.2382.0] WSL 1 with Ubuntu 18.04 (not sure how to find out the build number)"><pre class="notranslate"><code class="notranslate">Microsoft Windows [Version 10.0.18362.356] Windows Terminal (Preview) [Version 0.4.2382.0] WSL 1 with Ubuntu 18.04 (not sure how to find out the build number) </code></pre></div> <h1 dir="auto">Steps to reproduce</h1> <ul dir="auto"> <li>start Windows Terminal</li> <li>open a tab with WSL Ubuntu 18.04 (maybe also with other distributions)</li> <li>choose a light theme (like One Half Light) in the <code class="notranslate">profiles.json</code> file</li> <li>view a man page (e.g. <code class="notranslate">man grep</code>)</li> <li>play with values for <code class="notranslate">brightWhite</code> in the choosen color schema</li> </ul> <h1 dir="auto">Expected behavior</h1> <p dir="auto">General text should be colored in generic colors such as <code class="notranslate">foreground</code> or explicit colors like <code class="notranslate">brightWhite</code> should change their color.</p> <h1 dir="auto">Actual behavior</h1> <p dir="auto">The WSL man page seems to use <code class="notranslate">brightWhite</code> for highlighted text in man pages. <code class="notranslate">brightWhite</code> remains white in the light themes. The remaining text has the color <code class="notranslate">foreground</code>.</p> <p dir="auto">grep manpage with default color schema <code class="notranslate">One Half Light</code>:</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/29165465/65515565-cbd02580-dedf-11e9-9a32-f285e05e75d5.png"><img src="https://user-images.githubusercontent.com/29165465/65515565-cbd02580-dedf-11e9-9a32-f285e05e75d5.png" alt="bug_brightWhite_is_white" style="max-width: 100%;"></a></p> <p dir="auto">grep manpage with modified color schema <code class="notranslate">One Half Light</code> (<code class="notranslate">brightWhite</code> set to <code class="notranslate">#FFFFFF<span class="ml-1 d-inline-block border circle color-border-subtle" style="background-color: #FFFFFF; height: 8px; width: 8px;"></span></code>):</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/29165465/65515599-d8547e00-dedf-11e9-8a94-5102dd60d303.png"><img src="https://user-images.githubusercontent.com/29165465/65515599-d8547e00-dedf-11e9-8a94-5102dd60d303.png" alt="bug_brightWhite_is_black" style="max-width: 100%;"></a></p>
<h1 dir="auto">Environment</h1> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Windows build number: 10.0.18362.0 Windows Terminal version : 0.4.2382.0 ConEmu version: 180626 "><pre lang="none" class="notranslate"><code class="notranslate">Windows build number: 10.0.18362.0 Windows Terminal version : 0.4.2382.0 ConEmu version: 180626 </code></pre></div> <h1 dir="auto">Steps to reproduce</h1> <ol dir="auto"> <li>Copy the color palette for "&lt;Solarized (John Doe)&gt;" from ConEmu to terminal. Here's the relevant JSON:</li> </ol> <div class="highlight highlight-source-json notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content=" { &quot;white&quot; : &quot;#fdf6e3&quot;, &quot;blue&quot; : &quot;#073642&quot;, &quot;green&quot; : &quot;#586e75&quot;, &quot;cyan&quot; : &quot;#657b83&quot;, &quot;red&quot; : &quot;#dc322f&quot;, &quot;purple&quot; : &quot;#6c71c4&quot;, &quot;yellow&quot; : &quot;#cb4b16&quot;, &quot;brightWhite&quot; : &quot;#eee8d5&quot;, &quot;brightBlack&quot; : &quot;#93a1a1&quot;, &quot;brightBlue&quot; : &quot;#268bd2&quot;, &quot;brightGreen&quot; : &quot;#859900&quot;, &quot;brightCyan&quot; : &quot;#2aa198&quot;, &quot;brightRed&quot; : &quot;#839496&quot;, &quot;brightPurple&quot; : &quot;#d33682&quot;, &quot;brightYellow&quot; : &quot;#b58900&quot;, &quot;black&quot; : &quot;#002B36&quot;, &quot;background&quot; : &quot;#002B36&quot;, &quot;foreground&quot; : &quot;#fdf6e3&quot;, &quot;name&quot; : &quot;Solarized (John Doe)&quot; }"><pre class="notranslate"> { <span class="pl-ent">"white"</span> : <span class="pl-s"><span class="pl-pds">"</span>#fdf6e3<span class="pl-pds">"</span></span>, <span class="pl-ent">"blue"</span> : <span class="pl-s"><span class="pl-pds">"</span>#073642<span class="pl-pds">"</span></span>, <span class="pl-ent">"green"</span> : <span class="pl-s"><span class="pl-pds">"</span>#586e75<span class="pl-pds">"</span></span>, <span class="pl-ent">"cyan"</span> : <span class="pl-s"><span class="pl-pds">"</span>#657b83<span class="pl-pds">"</span></span>, <span class="pl-ent">"red"</span> : <span class="pl-s"><span class="pl-pds">"</span>#dc322f<span class="pl-pds">"</span></span>, <span class="pl-ent">"purple"</span> : <span class="pl-s"><span class="pl-pds">"</span>#6c71c4<span class="pl-pds">"</span></span>, <span class="pl-ent">"yellow"</span> : <span class="pl-s"><span class="pl-pds">"</span>#cb4b16<span class="pl-pds">"</span></span>, <span class="pl-ent">"brightWhite"</span> : <span class="pl-s"><span class="pl-pds">"</span>#eee8d5<span class="pl-pds">"</span></span>, <span class="pl-ent">"brightBlack"</span> : <span class="pl-s"><span class="pl-pds">"</span>#93a1a1<span class="pl-pds">"</span></span>, <span class="pl-ent">"brightBlue"</span> : <span class="pl-s"><span class="pl-pds">"</span>#268bd2<span class="pl-pds">"</span></span>, <span class="pl-ent">"brightGreen"</span> : <span class="pl-s"><span class="pl-pds">"</span>#859900<span class="pl-pds">"</span></span>, <span class="pl-ent">"brightCyan"</span> : <span class="pl-s"><span class="pl-pds">"</span>#2aa198<span class="pl-pds">"</span></span>, <span class="pl-ent">"brightRed"</span> : <span class="pl-s"><span class="pl-pds">"</span>#839496<span class="pl-pds">"</span></span>, <span class="pl-ent">"brightPurple"</span> : <span class="pl-s"><span class="pl-pds">"</span>#d33682<span class="pl-pds">"</span></span>, <span class="pl-ent">"brightYellow"</span> : <span class="pl-s"><span class="pl-pds">"</span>#b58900<span class="pl-pds">"</span></span>, <span class="pl-ent">"black"</span> : <span class="pl-s"><span class="pl-pds">"</span>#002B36<span class="pl-pds">"</span></span>, <span class="pl-ent">"background"</span> : <span class="pl-s"><span class="pl-pds">"</span>#002B36<span class="pl-pds">"</span></span>, <span class="pl-ent">"foreground"</span> : <span class="pl-s"><span class="pl-pds">"</span>#fdf6e3<span class="pl-pds">"</span></span>, <span class="pl-ent">"name"</span> : <span class="pl-s"><span class="pl-pds">"</span>Solarized (John Doe)<span class="pl-pds">"</span></span> }</pre></div> <ol start="2" dir="auto"> <li>Set powershell's color scheme to "Solarized (John Doe)"</li> <li>Run <code class="notranslate">[enum]::GetValues([System.ConsoleColor]) | Foreach-Object {Write-Host $_ -ForegroundColor $_}</code> to admire the colors</li> </ol> <h1 dir="auto">Expected behavior</h1> <p dir="auto">Colors look as nice as ConEmu's</p> <h1 dir="auto">Actual behavior</h1> <p dir="auto">Most colors look nice and similar but "DarkBlue" looks completely different and way worse. See screenshot.<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/1836172/64105642-e860be00-cd76-11e9-8ed3-c79598061e66.png"><img src="https://user-images.githubusercontent.com/1836172/64105642-e860be00-cd76-11e9-8ed3-c79598061e66.png" alt="image" style="max-width: 100%;"></a></p> <p dir="auto">To get a somewhat similar color you need to set blue (DarkBlue) to something like <code class="notranslate">"blue" : "#0B5669"</code><br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/1836172/64105711-09c1aa00-cd77-11e9-8b39-1b5525650f92.png"><img src="https://user-images.githubusercontent.com/1836172/64105711-09c1aa00-cd77-11e9-8b39-1b5525650f92.png" alt="image" style="max-width: 100%;"></a></p>
1
<p dir="auto">I’m using a <a href="http://bepo.fr/wiki/Accueil" rel="nofollow">bépo</a> keyboard layout. On Windows, when hitting <em>AltGr</em>, I get it translated to <code class="notranslate">ctrl-alt</code>. On Linux, I get it translated to… <code class="notranslate">á</code>, which is very weird and wrong.</p>
<p dir="auto">Original issue: <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="28529842" data-permission-text="Title is private" data-url="https://github.com/atom/atom/issues/1625" data-hovercard-type="issue" data-hovercard-url="/atom/atom/issues/1625/hovercard" href="https://github.com/atom/atom/issues/1625">atom/atom#1625</a></p> <hr> <p dir="auto">Use <a href="https://atom.io/packages/keyboard-localization" rel="nofollow">https://atom.io/packages/keyboard-localization</a> until this issue gets fixed (should be in the Blink upstream).</p>
1
<p dir="auto">PLEASE INCLUDE REPRO INSTRUCTIONS AND EXAMPLE CODE</p> <hr> <h2 dir="auto">Please do not remove the text below this line</h2> <p dir="auto">DevTools version: 4.0.5-5441b09</p> <p dir="auto">Call stack: at d (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:11:5744)<br> at e.getCommitTree (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:11:8526)<br> at bi (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:51:275512)<br> at Ha (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:55890)<br> at bi (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:62939)<br> at Xl (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:99535)<br> at Hl (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:84255)<br> at Fl (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:81285)<br> at chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:25363<br> at n.unstable_runWithPriority (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:51:4368)</p> <p dir="auto">Component stack: in bi<br> in div<br> in div<br> in div<br> in Ir<br> in Unknown<br> in n<br> in Unknown<br> in div<br> in div<br> in Wa<br> in ce<br> in be<br> in So<br> in Vl</p>
<hr> <h2 dir="auto">Please do not remove the text below this line</h2> <p dir="auto">DevTools version: 4.0.2-2bcc6c6</p> <p dir="auto">Call stack: at d (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:11:5744)<br> at e.getCommitTree (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:11:8526)<br> at Ai (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:56:274200)<br> at Ha (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:55890)<br> at bi (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:62939)<br> at Xl (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:99535)<br> at Hl (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:84255)<br> at Fl (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:81285)<br> at chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:43:25363<br> at n.unstable_runWithPriority (chrome-extension://fmkadmapgofadopljbjfkapdkoienihi/build/main.js:56:4368)</p> <p dir="auto">Component stack: in Ai<br> in div<br> in div<br> in div<br> in Or<br> in Unknown<br> in n<br> in Unknown<br> in div<br> in div<br> in Ua<br> in le<br> in ve<br> in ko<br> in Fl</p>
1
<p dir="auto">The following program fails with the panic:</p> <div class="highlight highlight-source-go notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="package main import ( &quot;fmt&quot; &quot;net/mail&quot; ) func main() { data := &quot;=??Q? ?=&lt;0@0&gt;&quot; addr, err := mail.ParseAddress(data) if err != nil { return } _, err = mail.ParseAddress(addr.String()) if err != nil { fmt.Printf(&quot;failed to parse addr: %q -&gt; %q\n&quot;, data, addr) panic(err) } }"><pre class="notranslate"><span class="pl-k">package</span> main <span class="pl-k">import</span> ( <span class="pl-s">"fmt"</span> <span class="pl-s">"net/mail"</span> ) <span class="pl-k">func</span> <span class="pl-en">main</span>() { <span class="pl-s1">data</span> <span class="pl-c1">:=</span> <span class="pl-s">"=??Q? ?=&lt;0@0&gt;"</span> <span class="pl-s1">addr</span>, <span class="pl-s1">err</span> <span class="pl-c1">:=</span> <span class="pl-s1">mail</span>.<span class="pl-en">ParseAddress</span>(<span class="pl-s1">data</span>) <span class="pl-k">if</span> <span class="pl-s1">err</span> <span class="pl-c1">!=</span> <span class="pl-c1">nil</span> { <span class="pl-k">return</span> } <span class="pl-s1">_</span>, <span class="pl-s1">err</span> <span class="pl-c1">=</span> <span class="pl-s1">mail</span>.<span class="pl-en">ParseAddress</span>(<span class="pl-s1">addr</span>.<span class="pl-en">String</span>()) <span class="pl-k">if</span> <span class="pl-s1">err</span> <span class="pl-c1">!=</span> <span class="pl-c1">nil</span> { <span class="pl-s1">fmt</span>.<span class="pl-en">Printf</span>(<span class="pl-s">"failed to parse addr: %q -&gt; %q<span class="pl-cce">\n</span>"</span>, <span class="pl-s1">data</span>, <span class="pl-s1">addr</span>) <span class="pl-en">panic</span>(<span class="pl-s1">err</span>) } }</pre></div> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="failed to parse addr: &quot;=??Q? ?=&lt;0@0&gt;&quot; -&gt; &quot;\&quot;=??Q? ?=\&quot; &lt;0@0&gt;&quot; panic: mail: missing word in phrase: charset not supported: &quot;&quot;"><pre class="notranslate"><code class="notranslate">failed to parse addr: "=??Q? ?=&lt;0@0&gt;" -&gt; "\"=??Q? ?=\" &lt;0@0&gt;" panic: mail: missing word in phrase: charset not supported: "" </code></pre></div> <p dir="auto">That name should have been escaped.</p> <p dir="auto">go version devel +514014c Thu Jun 18 15:54:35 2015 +0200 linux/amd64</p>
<p dir="auto">The following program fails the panic:</p> <div class="highlight highlight-source-go notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="package main import ( &quot;fmt&quot; &quot;net/mail&quot; ) func main() { data := &quot;\&quot;\\\x1f,\&quot;&lt;0@0&gt;&quot; addr, err := mail.ParseAddress(data) if err != nil { return } _, err = mail.ParseAddress(addr.String()) if err != nil { fmt.Printf(&quot;failed to parse addr: %q -&gt; %q\n&quot;, data, addr) panic(err) } }"><pre class="notranslate"><span class="pl-k">package</span> main <span class="pl-k">import</span> ( <span class="pl-s">"fmt"</span> <span class="pl-s">"net/mail"</span> ) <span class="pl-k">func</span> <span class="pl-en">main</span>() { <span class="pl-s1">data</span> <span class="pl-c1">:=</span> <span class="pl-s">"<span class="pl-cce">\"</span><span class="pl-cce">\\</span><span class="pl-cce">\x1f</span>,<span class="pl-cce">\"</span>&lt;0@0&gt;"</span> <span class="pl-s1">addr</span>, <span class="pl-s1">err</span> <span class="pl-c1">:=</span> <span class="pl-s1">mail</span>.<span class="pl-en">ParseAddress</span>(<span class="pl-s1">data</span>) <span class="pl-k">if</span> <span class="pl-s1">err</span> <span class="pl-c1">!=</span> <span class="pl-c1">nil</span> { <span class="pl-k">return</span> } <span class="pl-s1">_</span>, <span class="pl-s1">err</span> <span class="pl-c1">=</span> <span class="pl-s1">mail</span>.<span class="pl-en">ParseAddress</span>(<span class="pl-s1">addr</span>.<span class="pl-en">String</span>()) <span class="pl-k">if</span> <span class="pl-s1">err</span> <span class="pl-c1">!=</span> <span class="pl-c1">nil</span> { <span class="pl-s1">fmt</span>.<span class="pl-en">Printf</span>(<span class="pl-s">"failed to parse addr: %q -&gt; %q<span class="pl-cce">\n</span>"</span>, <span class="pl-s1">data</span>, <span class="pl-s1">addr</span>) <span class="pl-en">panic</span>(<span class="pl-s1">err</span>) } }</pre></div> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="failed to parse addr: &quot;\&quot;\\\x1f,\&quot;&lt;0@0&gt;&quot; -&gt; &quot;=?utf-8?q?=1F,?= &lt;0@0&gt;&quot; panic: mail: no angle-addr"><pre class="notranslate"><code class="notranslate">failed to parse addr: "\"\\\x1f,\"&lt;0@0&gt;" -&gt; "=?utf-8?q?=1F,?= &lt;0@0&gt;" panic: mail: no angle-addr </code></pre></div> <p dir="auto">ParseAddress must handle result of Address.String, or else first ParseAddress must fail.</p> <p dir="auto">go version devel +514014c Thu Jun 18 15:54:35 2015 +0200 linux/amd64</p>
1
<h1 dir="auto">Bug report</h1> <h2 dir="auto">Describe the bug</h2> <p dir="auto"><code class="notranslate">&lt;Link&gt;</code> will not navigate to pages with Ant Design stylesheets.</p> <h2 dir="auto">To Reproduce</h2> <p dir="auto"><a href="https://github.com/iamricky/nextjs-bug">https://github.com/iamricky/nextjs-bug</a></p> <h2 dir="auto">Expected behavior</h2> <p dir="auto">The app navigates to each route except <code class="notranslate">/test</code>. It fails silently w/o errors, so I don't have a way of investigating it. The app <strong>will</strong> navigate to <code class="notranslate">/test</code> if the stylesheets on line 11 of <code class="notranslate">pages/test.js</code> are omitted or commented out:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import 'antd/lib/button/style/css'; import 'antd/lib/checkbox/style/css'; import 'antd/lib/date-picker/style/css'; import 'antd/lib/form/style/css'; import 'antd/lib/input/style/css'; import 'antd/lib/radio/style/css'; import 'antd/lib/select/style/css'; import 'antd/lib/tag/style/css';"><pre class="notranslate"><code class="notranslate">import 'antd/lib/button/style/css'; import 'antd/lib/checkbox/style/css'; import 'antd/lib/date-picker/style/css'; import 'antd/lib/form/style/css'; import 'antd/lib/input/style/css'; import 'antd/lib/radio/style/css'; import 'antd/lib/select/style/css'; import 'antd/lib/tag/style/css'; </code></pre></div> <h2 dir="auto">System information:</h2> <ul dir="auto"> <li>OS: macOS 10.13.6</li> <li>Browser: Chrome 73.0.3683.86</li> <li>Version of Next.js: ^8.0.4</li> </ul>
<p dir="auto">This is bug report</p> <p dir="auto">Link does not work with css-module imported. That happens when page with Link has no css, and linked page has. No errors in console, so im not sure about reasons, but there is minimal repo to reproduce:<br> <a href="https://github.com/standy/next-css-error">https://github.com/standy/next-css-error</a></p> <p dir="auto">Bug appears in <code class="notranslate">next@7.0.0</code> + <code class="notranslate">next-css@1.0.1</code>,<br> Older <code class="notranslate">next@6.1.2</code> + <code class="notranslate">next-css@0.2.0</code> works fine</p>
1
<p dir="auto"><em>Original ticket <a href="http://projects.scipy.org/scipy/ticket/1796" rel="nofollow">http://projects.scipy.org/scipy/ticket/1796</a> on 2012-12-20 by trac user seanBE, assigned to unknown.</em></p> <p dir="auto">FAILED (KNOWNFAIL=15, SKIP=43, errors=1, failures=69)<br> Tested scipy using the nose package. 69 failures is quite a lot.</p>
<p dir="auto"><em>Original ticket <a href="http://projects.scipy.org/scipy/ticket/1729" rel="nofollow">http://projects.scipy.org/scipy/ticket/1729</a> on 2012-09-18 by trac user breuderink, assigned to unknown.</em></p> <p dir="auto">Dear developers,</p> <p dir="auto">I installed the development version (the latest would not compile due to VecLib) of SciPy from source:</p> <p dir="auto">$ git clone <a href="https://github.com/scipy/scipy.git">https://github.com/scipy/scipy.git</a></p> <p dir="auto">$ git show<br> commit <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/scipy/scipy/commit/6981d8b68dff947f26ae4b22c1c544217f234da0/hovercard" href="https://github.com/scipy/scipy/commit/6981d8b68dff947f26ae4b22c1c544217f234da0"><tt>6981d8b</tt></a><br> Merge: <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/scipy/scipy/commit/a4d9a6d0541d39c81541f5f577ab8f9e52a90f94/hovercard" href="https://github.com/scipy/scipy/commit/a4d9a6d0541d39c81541f5f577ab8f9e52a90f94"><tt>a4d9a6d</tt></a> <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/scipy/scipy/commit/cc900a5b77c37464a11019455b292fce5c847abc/hovercard" href="https://github.com/scipy/scipy/commit/cc900a5b77c37464a11019455b292fce5c847abc"><tt>cc900a5</tt></a><br> Author: Warren Weckesser <a href="mailto:warren.weckesser@enthought.com">warren.weckesser@enthought.com</a><br> Date: Mon Sep 17 17:34:36 2012 -0700</p> <p dir="auto">$ python setup.py build<br> [see attachment]</p> <p dir="auto">$ python setup.py install<br> [see attachment]</p> <p dir="auto">So far, so good. But, when I tried to run the unit tests (I verified this is the only scipy installation on my computer), I get many unit test failures:</p> <p dir="auto">$ python -c "import scipy; scipy.test('full')"<br> [see attachment]</p> <p dir="auto">Most seem to be related to arpack. I am really uncomfortable using this scipy installation, and feel that if building succeeds, the unit tests should run without failures. Is there any remedy?</p> <p dir="auto">I have attached my environment (both homebrew installed packages and the build environment as well).</p>
1
<p dir="auto">From <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/srkiNZ84/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/srkiNZ84">@srkiNZ84</a> on 2016-05-09T22:40:20Z</p> <h5 dir="auto">ISSUE TYPE</h5> <ul dir="auto"> <li>Bug Report</li> </ul> <h5 dir="auto">COMPONENT NAME</h5> <p dir="auto">ec2_asg</p> <h5 dir="auto">ANSIBLE VERSION</h5> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="ansible 2.0.0.2"><pre class="notranslate"><code class="notranslate">ansible 2.0.0.2 </code></pre></div> <h5 dir="auto">CONFIGURATION</h5> <h5 dir="auto">OS / ENVIRONMENT</h5> <p dir="auto">Running from: Ubuntu Linux<br> Managing: Ubuntu Linux</p> <h5 dir="auto">SUMMARY</h5> <p dir="auto">We (seeming randomly) get cases where we'll do a blue/green deploy using the "ec2_asg" module and have an async task waiting for the module to return a result. The task that waits for the result never gets the async notification and therefore fails despite the deploy succeeding.</p> <h5 dir="auto">STEPS TO REPRODUCE</h5> <ul dir="auto"> <li>Create a new launch config (our new "blue" deploy)</li> <li>Run the "ec2_asg" task with the new launch config (with async set and "poll: 0")</li> <li>Have a task later in the playbook waiting on the result</li> <li>Confirm that the deploy succeeds in AWS (new instances brought up, old ones terminated)</li> <li>See that the "async_status" job never gets the notification that the deploy has happened</li> </ul> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="- name: Create integration tier launch configuration ec2_lc: name: &quot;{{ environ }}-int-launch-config-{{ current_time }}&quot; [OMITTED FOR BREVITY] register: int_launch_configuration - name: Create Integration Autoscaling group ec2_asg: name: &quot;{{ environ }}-int-asg&quot; launch_config_name: &quot;{{ environ }}-int-launch-config-{{ current_time }}&quot; vpc_zone_identifier: &quot;{{ int_subnets }}&quot; health_check_type: &quot;ELB&quot; health_check_period: 400 termination_policies: &quot;OldestInstance&quot; replace_all_instances: yes wait_timeout: 2400 replace_batch_size: &quot;{{ int_replace_batch_size }}&quot; async: 1000 poll: 0 register: int_asg_sleeper - name: 'int ASG - check on fire and forget task' async_status: jid={{ int_asg_sleeper.ansible_job_id }} register: int_asg_job_result until: int_asg_job_result.finished retries: 60 delay: 15"><pre class="notranslate"><code class="notranslate">- name: Create integration tier launch configuration ec2_lc: name: "{{ environ }}-int-launch-config-{{ current_time }}" [OMITTED FOR BREVITY] register: int_launch_configuration - name: Create Integration Autoscaling group ec2_asg: name: "{{ environ }}-int-asg" launch_config_name: "{{ environ }}-int-launch-config-{{ current_time }}" vpc_zone_identifier: "{{ int_subnets }}" health_check_type: "ELB" health_check_period: 400 termination_policies: "OldestInstance" replace_all_instances: yes wait_timeout: 2400 replace_batch_size: "{{ int_replace_batch_size }}" async: 1000 poll: 0 register: int_asg_sleeper - name: 'int ASG - check on fire and forget task' async_status: jid={{ int_asg_sleeper.ansible_job_id }} register: int_asg_job_result until: int_asg_job_result.finished retries: 60 delay: 15 </code></pre></div> <h5 dir="auto">EXPECTED RESULTS</h5> <p dir="auto">Expected that when the deploy succeeds and the "old" instances are terminated, the Async job gets the message and reports success.</p> <h5 dir="auto">ACTUAL RESULTS</h5> <p dir="auto">It appears that the "file" mechanism which Python/Ansible use for checking on the status of background jobs fails and the file is never populated, despite the job finishing. Therefore the job polling the file times out eventually.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="08:03:34.063 TASK [launch-config : int ASG - check on fire and forget task] ***************** 08:03:34.130 fatal: [localhost]: FAILED! =&gt; {&quot;failed&quot;: true, &quot;msg&quot;: &quot;ERROR! The conditional check 'int_asg_job_result.finished' failed. The error was: ERROR! error while evaluating conditional (int_asg_job_result.finished): ERROR! 'dict object' has no attribute 'finished'&quot;}"><pre class="notranslate"><code class="notranslate">08:03:34.063 TASK [launch-config : int ASG - check on fire and forget task] ***************** 08:03:34.130 fatal: [localhost]: FAILED! =&gt; {"failed": true, "msg": "ERROR! The conditional check 'int_asg_job_result.finished' failed. The error was: ERROR! error while evaluating conditional (int_asg_job_result.finished): ERROR! 'dict object' has no attribute 'finished'"} </code></pre></div> <p dir="auto">Copied from original issue: <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="153886135" data-permission-text="Title is private" data-url="https://github.com/ansible/ansible-modules-core/issues/3625" data-hovercard-type="issue" data-hovercard-url="/ansible/ansible-modules-core/issues/3625/hovercard" href="https://github.com/ansible/ansible-modules-core/issues/3625">ansible/ansible-modules-core#3625</a></p>
<p dir="auto">It would be nice to be possible to specify vars in tasks files such as the following:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="# playbook.yml - hosts: localhost tasks: - include: tasks.yml"><pre class="notranslate"><code class="notranslate"># playbook.yml - hosts: localhost tasks: - include: tasks.yml </code></pre></div> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="# tasks.yml vars: - path: /srv/bar - name: copy file foo action: copy src=foo dest=$path/foo - name: copy file bar action: copy src=bar dest=$path/bar"><pre class="notranslate"><code class="notranslate"># tasks.yml vars: - path: /srv/bar - name: copy file foo action: copy src=foo dest=$path/foo - name: copy file bar action: copy src=bar dest=$path/bar </code></pre></div> <p dir="auto">This allows to bundle common strings inside a tasks file.</p>
1
<h3 dir="auto">Expected Behavior</h3> <p dir="auto">Only the error message / usage information being printed</p> <h3 dir="auto">Actual Behavior</h3> <p dir="auto">A traceback shows up above the usage information.</p> <h3 dir="auto">Environment</h3> <ul dir="auto"> <li>Python version: 2.7.14</li> <li>Flask version: 1.0.2</li> <li>Werkzeug version: 0.14.1</li> </ul> <hr> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="[adrian@blackhole:/tmp]&gt; virtualenv testenv New python executable in /tmp/testenv/bin/python2.7 Also creating executable in /tmp/testenv/bin/python Installing setuptools, pip, wheel...done. [adrian@blackhole:/tmp]&gt; ./testenv/bin/pip install flask Collecting flask Using cached https://files.pythonhosted.org/packages/7f/e7/08578774ed4536d3242b14dacb4696386634607af824ea997202cd0edb4b/Flask-1.0.2-py2.py3-none-any.whl Collecting Werkzeug&gt;=0.14 (from flask) Using cached https://files.pythonhosted.org/packages/20/c4/12e3e56473e52375aa29c4764e70d1b8f3efa6682bef8d0aae04fe335243/Werkzeug-0.14.1-py2.py3-none-any.whl Collecting click&gt;=5.1 (from flask) Using cached https://files.pythonhosted.org/packages/34/c1/8806f99713ddb993c5366c362b2f908f18269f8d792aff1abfd700775a77/click-6.7-py2.py3-none-any.whl Collecting itsdangerous&gt;=0.24 (from flask) Collecting Jinja2&gt;=2.10 (from flask) Using cached https://files.pythonhosted.org/packages/7f/ff/ae64bacdfc95f27a016a7bed8e8686763ba4d277a78ca76f32659220a731/Jinja2-2.10-py2.py3-none-any.whl Collecting MarkupSafe&gt;=0.23 (from Jinja2&gt;=2.10-&gt;flask) Installing collected packages: Werkzeug, click, itsdangerous, MarkupSafe, Jinja2, flask Successfully installed Jinja2-2.10 MarkupSafe-1.0 Werkzeug-0.14.1 click-6.7 flask-1.0.2 itsdangerous-0.24 [adrian@blackhole:/tmp]&gt; ./testenv/bin/flask Traceback (most recent call last): File &quot;/tmp/testenv/lib/python2.7/site-packages/flask/cli.py&quot;, line 529, in list_commands rv.update(info.load_app().cli.list_commands(ctx)) File &quot;/tmp/testenv/lib/python2.7/site-packages/flask/cli.py&quot;, line 384, in load_app 'Could not locate a Flask application. You did not provide ' NoAppException: Could not locate a Flask application. You did not provide the &quot;FLASK_APP&quot; environment variable, and a &quot;wsgi.py&quot; or &quot;app.py&quot; module was not found in the current directory. Usage: flask [OPTIONS] COMMAND [ARGS]... A general utility script for Flask applications. Provides commands from Flask, extensions, and the application. Loads the application defined in the FLASK_APP environment variable, or from a wsgi.py file. Setting the FLASK_ENV environment variable to 'development' will enable debug mode. $ export FLASK_APP=hello.py $ export FLASK_ENV=development $ flask run Options: --version Show the flask version --help Show this message and exit. Commands: routes Show the routes for the app. run Runs a development server. shell Runs a shell in the app context."><pre class="notranslate"><code class="notranslate">[adrian@blackhole:/tmp]&gt; virtualenv testenv New python executable in /tmp/testenv/bin/python2.7 Also creating executable in /tmp/testenv/bin/python Installing setuptools, pip, wheel...done. [adrian@blackhole:/tmp]&gt; ./testenv/bin/pip install flask Collecting flask Using cached https://files.pythonhosted.org/packages/7f/e7/08578774ed4536d3242b14dacb4696386634607af824ea997202cd0edb4b/Flask-1.0.2-py2.py3-none-any.whl Collecting Werkzeug&gt;=0.14 (from flask) Using cached https://files.pythonhosted.org/packages/20/c4/12e3e56473e52375aa29c4764e70d1b8f3efa6682bef8d0aae04fe335243/Werkzeug-0.14.1-py2.py3-none-any.whl Collecting click&gt;=5.1 (from flask) Using cached https://files.pythonhosted.org/packages/34/c1/8806f99713ddb993c5366c362b2f908f18269f8d792aff1abfd700775a77/click-6.7-py2.py3-none-any.whl Collecting itsdangerous&gt;=0.24 (from flask) Collecting Jinja2&gt;=2.10 (from flask) Using cached https://files.pythonhosted.org/packages/7f/ff/ae64bacdfc95f27a016a7bed8e8686763ba4d277a78ca76f32659220a731/Jinja2-2.10-py2.py3-none-any.whl Collecting MarkupSafe&gt;=0.23 (from Jinja2&gt;=2.10-&gt;flask) Installing collected packages: Werkzeug, click, itsdangerous, MarkupSafe, Jinja2, flask Successfully installed Jinja2-2.10 MarkupSafe-1.0 Werkzeug-0.14.1 click-6.7 flask-1.0.2 itsdangerous-0.24 [adrian@blackhole:/tmp]&gt; ./testenv/bin/flask Traceback (most recent call last): File "/tmp/testenv/lib/python2.7/site-packages/flask/cli.py", line 529, in list_commands rv.update(info.load_app().cli.list_commands(ctx)) File "/tmp/testenv/lib/python2.7/site-packages/flask/cli.py", line 384, in load_app 'Could not locate a Flask application. You did not provide ' NoAppException: Could not locate a Flask application. You did not provide the "FLASK_APP" environment variable, and a "wsgi.py" or "app.py" module was not found in the current directory. Usage: flask [OPTIONS] COMMAND [ARGS]... A general utility script for Flask applications. Provides commands from Flask, extensions, and the application. Loads the application defined in the FLASK_APP environment variable, or from a wsgi.py file. Setting the FLASK_ENV environment variable to 'development' will enable debug mode. $ export FLASK_APP=hello.py $ export FLASK_ENV=development $ flask run Options: --version Show the flask version --help Show this message and exit. Commands: routes Show the routes for the app. run Runs a development server. shell Runs a shell in the app context. </code></pre></div>
<h3 dir="auto">Expected Behavior</h3> <p dir="auto">As there is the support for <code class="notranslate">lazy loading</code> the app, when running <code class="notranslate">flask</code> CLI without providing the proper environment variables we must see a better warning instead of raw exception.</p> <p dir="auto">Tell us what should happen.</p> <p dir="auto"><strong>we should see a better warning or message pointing to the problem</strong></p> <div class="highlight highlight-text-python-traceback notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="# there is no FLASK_APP env var $ flask --help WARNING: You need to define the app e.g: `export FLASK_APP=app.py`"><pre class="notranslate"># there is no FLASK_APP env var $ flask --help <span class="pl-en">WARNING</span>: <span class="pl-s">You need to define the app e.g: `export FLASK_APP=app.py`</span></pre></div> <h3 dir="auto">Actual Behavior</h3> <p dir="auto">Tell us what happens instead.</p> <p dir="auto"><strong>we see traceback before the help message</strong></p> <div class="highlight highlight-text-python-traceback notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="# there is no FLASK_APP env var $ flask --help Sat 28 Apr 2018 01:25:50 PM -03 Traceback (most recent call last): File &quot;~Projects/personal/flasgger/venv/lib/python3.6/site-packages/flask/cli.py&quot;, line 235, in locate_app __import__(module_name) ModuleNotFoundError: No module named 'app' During handling of the above exception, another exception occurred: Traceback (most recent call last): File &quot;~/Projects/personal/flasgger/venv/lib/python3.6/site-packages/flask/cli.py&quot;, line 529, in list_commands rv.update(info.load_app().cli.list_commands(ctx)) File &quot;~/Projects/personal/flasgger/venv/lib/python3.6/site-packages/flask/cli.py&quot;, line 372, in load_app app = locate_app(self, import_name, name) File &quot;~/Projects/personal/flasgger/venv/lib/python3.6/site-packages/flask/cli.py&quot;, line 246, in locate_app 'Could not import &quot;{name}&quot;.'.format(name=module_name) flask.cli.NoAppException: Could not import &quot;app&quot;. Usage: flask [OPTIONS] COMMAND [ARGS]... A general utility script for Flask applications. Provides commands from Flask, extensions, and the application. Loads the application defined in the FLASK_APP environment variable, or from a wsgi.py file. Setting the FLASK_ENV environment variable to 'development' will enable debug mode. $ export FLASK_APP=hello.py $ export FLASK_ENV=development $ flask run Options: --version Show the flask version --help Show this message and exit. Commands: routes Show the routes for the app. run Runs a development server. shell Runs a shell in the app context. "><pre class="notranslate"># there is no FLASK_APP env var $ flask --help Sat 28 Apr 2018 01:25:50 PM -03 Traceback (most recent call last): File <span class="pl-s">"~Projects/personal/flasgger/venv/lib/python3.6/site-packages/flask/cli.py"</span>, line <span class="pl-c1">235</span>, in <span class="pl-en">locate_app</span> <span class="pl-c1">__import__</span>(module_name) <span class="pl-en">ModuleNotFoundError</span>: <span class="pl-s">No module named 'app'</span> During handling of the above exception, another exception occurred: Traceback (most recent call last): File <span class="pl-s">"~/Projects/personal/flasgger/venv/lib/python3.6/site-packages/flask/cli.py"</span>, line <span class="pl-c1">529</span>, in <span class="pl-en">list_commands</span> rv.update(info.load_app().cli.list_commands(ctx)) File <span class="pl-s">"~/Projects/personal/flasgger/venv/lib/python3.6/site-packages/flask/cli.py"</span>, line <span class="pl-c1">372</span>, in <span class="pl-en">load_app</span> app <span class="pl-k">=</span> locate_app(<span class="pl-c1">self</span>, import_name, name) File <span class="pl-s">"~/Projects/personal/flasgger/venv/lib/python3.6/site-packages/flask/cli.py"</span>, line <span class="pl-c1">246</span>, in <span class="pl-en">locate_app</span> <span class="pl-s"><span class="pl-pds">'</span>Could not import "<span class="pl-c1">{name}</span>".<span class="pl-pds">'</span></span>.format(<span class="pl-v">name</span><span class="pl-k">=</span>module_name) <span class="pl-en">flask.cli.NoAppException</span>: <span class="pl-s">Could not import "app".</span> <span class="pl-en">Usage</span>: <span class="pl-s">flask [OPTIONS] COMMAND [ARGS]...</span> A general utility script for Flask applications. Provides commands from Flask, extensions, and the application. Loads the application defined in the FLASK_APP environment variable, or from a wsgi.py file. Setting the FLASK_ENV environment variable to 'development' will enable debug mode. <span class="pl-ii">$</span> export <span class="pl-c1">FLASK_APP</span><span class="pl-k">=</span>hello.py <span class="pl-ii">$</span> export <span class="pl-c1">FLASK_ENV</span><span class="pl-k">=</span>development <span class="pl-ii">$</span> flask run <span class="pl-en">Options</span>: --version Show the flask version --help Show this message and exit. <span class="pl-en">Commands</span>: routes Show the routes for the app. run Runs a development server. shell Runs a shell in the app context. </pre></div> <p dir="auto">The same happens to <code class="notranslate">run</code></p> <div class="highlight highlight-text-python-traceback notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="$ flask run 429ms  Sat 28 Apr 2018 01:32:48 PM -03 * Serving Flask app &quot;app.py&quot; * Environment: production WARNING: Do not use the development server in a production environment. Use a production WSGI server instead. * Debug mode: off Usage: flask run [OPTIONS] Error: Could not import &quot;app&quot;."><pre class="notranslate">$ flask run 429ms  Sat 28 Apr 2018 01:32:48 PM -03 * Serving Flask app "app.py" * Environment: production WARNING: Do not use the development server in a production environment. Use a production WSGI server instead. * Debug mode: off <span class="pl-en">Usage</span>: <span class="pl-s">flask run [OPTIONS]</span> <span class="pl-en">Error</span>: <span class="pl-s">Could not import "app".</span></pre></div> <p dir="auto">The <code class="notranslate">Error: Could not import "app".</code> could include <code class="notranslate">WARNING: You need to define the app e.g: export FLASK_APP=app.py</code></p> <h3 dir="auto">Suggestion</h3> <p dir="auto">We could check the existence of <code class="notranslate">FLASK_APP</code> envvar before running any of the commands in the Group Cli, if FLASK_APP does not exist the dispatch of commands never happens.</p> <h3 dir="auto">Environment</h3> <ul dir="auto"> <li>Python version: 3.6.0</li> <li>Flask version: Flask==1.0</li> <li>Werkzeug version: Werkzeug==0.14.1</li> <li>Click: click==6.7</li> </ul>
1
<p dir="auto">I've been having some issues on 1.3 that I haven't had on 1.2 on the same machine. Seems like libgit2 update has broken something:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="(v1.3) pkg&gt; up Updating registry at `~/.julia/registries/General` Updating git-repo `https://github.com/JuliaRegistries/General.git` ┌ Warning: Some registries failed to update: │ — /home/jfrigaa/.julia/registries/General — failed to fetch from repo └ @ Pkg.Types /buildworker/worker/package_linux64/build/usr/share/julia/stdlib/v1.3/Pkg/src/Types.jl:1198 Resolving package versions... Updating `/data/home/jfrigaa/.julia/environments/v1.3/Project.toml` [no changes] Updating `/data/home/jfrigaa/.julia/environments/v1.3/Manifest.toml` Julia Version 1.3.0-rc2.0 Commit a04936e3e0 (2019-09-12 19:49 UTC) Platform Info: OS: Linux (x86_64-pc-linux-gnu) CPU: Intel(R) Xeon(R) CPU E5-2683 v4 @ 2.10GHz WORD_SIZE: 64 LIBM: libopenlibm LLVM: libLLVM-6.0.1 (ORCJIT, broadwell) CentOS Linux release 7.5.1804 (Core) "><pre class="notranslate"><code class="notranslate">(v1.3) pkg&gt; up Updating registry at `~/.julia/registries/General` Updating git-repo `https://github.com/JuliaRegistries/General.git` ┌ Warning: Some registries failed to update: │ — /home/jfrigaa/.julia/registries/General — failed to fetch from repo └ @ Pkg.Types /buildworker/worker/package_linux64/build/usr/share/julia/stdlib/v1.3/Pkg/src/Types.jl:1198 Resolving package versions... Updating `/data/home/jfrigaa/.julia/environments/v1.3/Project.toml` [no changes] Updating `/data/home/jfrigaa/.julia/environments/v1.3/Manifest.toml` Julia Version 1.3.0-rc2.0 Commit a04936e3e0 (2019-09-12 19:49 UTC) Platform Info: OS: Linux (x86_64-pc-linux-gnu) CPU: Intel(R) Xeon(R) CPU E5-2683 v4 @ 2.10GHz WORD_SIZE: 64 LIBM: libopenlibm LLVM: libLLVM-6.0.1 (ORCJIT, broadwell) CentOS Linux release 7.5.1804 (Core) </code></pre></div> <p dir="auto">this means I can't download any packages on 1.3. Has anyone had a similar issue? This is a big upgrade blocker for me right now.</p>
<p dir="auto">Opening this issue here since I am pretty sure Pkg has not changed anything, maybe this is related to the libgit2 upgrade (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="477439844" data-permission-text="Title is private" data-url="https://github.com/JuliaLang/julia/issues/32806" data-hovercard-type="pull_request" data-hovercard-url="/JuliaLang/julia/pull/32806/hovercard" href="https://github.com/JuliaLang/julia/pull/32806">#32806</a>)?</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="$ julia13 -e 'using Pkg; Pkg.Registry.update()' Updating registry at `~/.julia/registries/General` Updating git-repo `https://github.com/JuliaRegistries/General.git` ┌ Warning: Some registries failed to update: │ — /home/fredrik/.julia/registries/General — failed to fetch from repo └ @ Pkg.Types ~/julia13/usr/share/julia/stdlib/v1.3/Pkg/src/Types.jl:1189 $ julia12 -e 'using Pkg; Pkg.Registry.update()' Updating registry at `~/.julia/registries/General` Updating git-repo `https://github.com/JuliaRegistries/General.git`"><pre class="notranslate"><code class="notranslate">$ julia13 -e 'using Pkg; Pkg.Registry.update()' Updating registry at `~/.julia/registries/General` Updating git-repo `https://github.com/JuliaRegistries/General.git` ┌ Warning: Some registries failed to update: │ — /home/fredrik/.julia/registries/General — failed to fetch from repo └ @ Pkg.Types ~/julia13/usr/share/julia/stdlib/v1.3/Pkg/src/Types.jl:1189 $ julia12 -e 'using Pkg; Pkg.Registry.update()' Updating registry at `~/.julia/registries/General` Updating git-repo `https://github.com/JuliaRegistries/General.git` </code></pre></div>
1
<p dir="auto">Behavior in the vast majority of editors/programs is that if you execute the 'Copy' command (Control/Command + C) when no text is selected is that nothing happens.</p> <p dir="auto">Atom instead copies the current line. There's already a nice duplicate-line command, making the behavior not quite necessary.</p> <p dir="auto">The real annoyance is that many, many times I mean to press Ctrl-V but I press Ctrl-C instead. So I lose my selection and have to go copy the original text again.</p>
<p dir="auto">It's too frequent that someone might accidentally hit the 'c' key instead of the 'v' key when pasting in atom.</p> <p dir="auto">instead of copying empty space, the copy shortcut should simply not do anything.</p> <p dir="auto">I can write the pull request myself if someone can point me in the right direction, either way if we could improve this very annoying problem it would be great!</p>
1
<p dir="auto">I know you can alter the darkness of the shadow cast based on the light itself:<br> light.shadowDarkness = 0.5;</p> <p dir="auto">but say i have objects with materials of various opacities:<br> var material = new THREE.MeshPhongMaterial( { color : 0x000000, opacity:0.1} );<br> material.transparent = true;</p> <p dir="auto">all of the shadows are the same darkness. Is there any way for to make the shadows adjust the darkness based on the shadow-casting objects opacity? (more translucent objects cast a lighter shadow)</p>
<h5 dir="auto">Description of the problem</h5> <p dir="auto">Just as the issue title indicated, I create an InstancedMesh with more than one instances at different positions, but it's just the Box3 result of the Geometry attached to it. After reading the code, I have made a fix.</p> <div class="highlight highlight-source-js notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="var _box = new THREE.Box3(); var _vector = new THREE.Vector3(); THREE.Box3.prototype.expandByObject = function (object) { // Computes the world-axis-aligned bounding box of an object (including its children), // accounting for both the object's, and children's, world transforms object.updateWorldMatrix(false, false); var geometry = object.geometry; if (geometry !== undefined) { if (geometry.boundingBox === null) { geometry.computeBoundingBox(); } if (object.isInstancedMesh) { var matrixWorld = object.matrixWorld, matrix4Array = object.instanceMatrix.array, arrayLength = matrix4Array.length; for (var posOffset = 12; posOffset &lt; arrayLength; posOffset += 16) { _vector.set(matrix4Array[posOffset], matrix4Array[1 + posOffset], matrix4Array[2 + posOffset]); _box.expandByPoint(_vector); } } else { _box.copy(geometry.boundingBox); } _box.applyMatrix4(object.matrixWorld); this.expandByPoint(_box.min); this.expandByPoint(_box.max); } var children = object.children; for (var i = 0, l = children.length; i &lt; l; i++) { this.expandByObject(children[i]); } return this; }"><pre class="notranslate"><span class="pl-k">var</span> <span class="pl-s1">_box</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">Box3</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">_vector</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">Vector3</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-c1">THREE</span><span class="pl-kos">.</span><span class="pl-c1">Box3</span><span class="pl-kos">.</span><span class="pl-c1">prototype</span><span class="pl-kos">.</span><span class="pl-en">expandByObject</span> <span class="pl-c1">=</span> <span class="pl-k">function</span> <span class="pl-kos">(</span><span class="pl-s1">object</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-c">// Computes the world-axis-aligned bounding box of an object (including its children),</span> <span class="pl-c">// accounting for both the object's, and children's, world transforms</span> <span class="pl-s1">object</span><span class="pl-kos">.</span><span class="pl-en">updateWorldMatrix</span><span class="pl-kos">(</span><span class="pl-c1">false</span><span class="pl-kos">,</span> <span class="pl-c1">false</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-k">var</span> <span class="pl-s1">geometry</span> <span class="pl-c1">=</span> <span class="pl-s1">object</span><span class="pl-kos">.</span><span class="pl-c1">geometry</span><span class="pl-kos">;</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">geometry</span> <span class="pl-c1">!==</span> <span class="pl-c1">undefined</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-k">if</span> <span class="pl-kos">(</span><span class="pl-s1">geometry</span><span class="pl-kos">.</span><span class="pl-c1">boundingBox</span> <span class="pl-c1">===</span> <span class="pl-c1">null</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-s1">geometry</span><span class="pl-kos">.</span><span class="pl-en">computeBoundingBox</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">if</span> <span class="pl-kos">(</span><span class="pl-s1">object</span><span class="pl-kos">.</span><span class="pl-c1">isInstancedMesh</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-k">var</span> <span class="pl-s1">matrixWorld</span> <span class="pl-c1">=</span> <span class="pl-s1">object</span><span class="pl-kos">.</span><span class="pl-c1">matrixWorld</span><span class="pl-kos">,</span> <span class="pl-s1">matrix4Array</span> <span class="pl-c1">=</span> <span class="pl-s1">object</span><span class="pl-kos">.</span><span class="pl-c1">instanceMatrix</span><span class="pl-kos">.</span><span class="pl-c1">array</span><span class="pl-kos">,</span> <span class="pl-s1">arrayLength</span> <span class="pl-c1">=</span> <span class="pl-s1">matrix4Array</span><span class="pl-kos">.</span><span class="pl-c1">length</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">posOffset</span> <span class="pl-c1">=</span> <span class="pl-c1">12</span><span class="pl-kos">;</span> <span class="pl-s1">posOffset</span> <span class="pl-c1">&lt;</span> <span class="pl-s1">arrayLength</span><span class="pl-kos">;</span> <span class="pl-s1">posOffset</span> <span class="pl-c1">+=</span> <span class="pl-c1">16</span><span class="pl-kos">)</span> <span class="pl-kos">{</span> <span class="pl-s1">_vector</span><span class="pl-kos">.</span><span class="pl-en">set</span><span class="pl-kos">(</span><span class="pl-s1">matrix4Array</span><span class="pl-kos">[</span><span class="pl-s1">posOffset</span><span class="pl-kos">]</span><span class="pl-kos">,</span> <span class="pl-s1">matrix4Array</span><span class="pl-kos">[</span><span class="pl-c1">1</span> <span class="pl-c1">+</span> <span class="pl-s1">posOffset</span><span class="pl-kos">]</span><span class="pl-kos">,</span> <span class="pl-s1">matrix4Array</span><span class="pl-kos">[</span><span class="pl-c1">2</span> <span class="pl-c1">+</span> <span class="pl-s1">posOffset</span><span class="pl-kos">]</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-s1">_box</span><span class="pl-kos">.</span><span class="pl-en">expandByPoint</span><span class="pl-kos">(</span><span class="pl-s1">_vector</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">else</span> <span class="pl-kos">{</span> <span class="pl-s1">_box</span><span class="pl-kos">.</span><span class="pl-en">copy</span><span class="pl-kos">(</span><span class="pl-s1">geometry</span><span class="pl-kos">.</span><span class="pl-c1">boundingBox</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-kos">}</span> <span class="pl-s1">_box</span><span class="pl-kos">.</span><span class="pl-en">applyMatrix4</span><span class="pl-kos">(</span><span class="pl-s1">object</span><span class="pl-kos">.</span><span class="pl-c1">matrixWorld</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-en">expandByPoint</span><span class="pl-kos">(</span><span class="pl-s1">_box</span><span class="pl-kos">.</span><span class="pl-c1">min</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-smi">this</span><span class="pl-kos">.</span><span class="pl-en">expandByPoint</span><span class="pl-kos">(</span><span class="pl-s1">_box</span><span class="pl-kos">.</span><span class="pl-c1">max</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">children</span> <span class="pl-c1">=</span> <span class="pl-s1">object</span><span class="pl-kos">.</span><span class="pl-c1">children</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">l</span> <span class="pl-c1">=</span> <span class="pl-s1">children</span><span class="pl-kos">.</span><span class="pl-c1">length</span><span class="pl-kos">;</span> <span class="pl-s1">i</span> <span class="pl-c1">&lt;</span> <span class="pl-s1">l</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-smi">this</span><span class="pl-kos">.</span><span class="pl-en">expandByObject</span><span class="pl-kos">(</span><span class="pl-s1">children</span><span class="pl-kos">[</span><span class="pl-s1">i</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-smi">this</span><span class="pl-kos">;</span> <span class="pl-kos">}</span></pre></div> <p dir="auto">See also:</p> <ul dir="auto"> <li><a href="https://github.com/mrdoob/three.js/blob/master/src/math/Box3.js">Box3.expandByObject</a></li> <li><a href="https://https://threejs.org/docs/index.html#api/en/math/Box3.setFromObject" rel="nofollow">Box3.setFromObject</a></li> <li><a href="https://threejs.org/docs/index.html#api/en/objects/InstancedMesh.instanceMatrix" rel="nofollow">InstancedMesh.instanceMatrix</a></li> <li><a href="https://github.com/mrdoob/three.js/blob/master/src/core/BufferAttribute.js">BufferAttribute.getX</a></li> <li><a href="https://github.com/mrdoob/three.js/blob/master/src/math/Matrix4.js">Matrix4.setPosition</a></li> </ul> <p dir="auto">Please also include a live example if possible. You can start from these templates:</p> <ul dir="auto"> <li><a href="https://jsfiddle.net/fang3s/Lb814th5/39/" rel="nofollow">jsfiddle</a> (dev branch 39)</li> <li><a href="https://jsbin.com/honeji/edit?html,css,js,output" rel="nofollow">jsbin</a> (latest release branch)</li> <li><a href="https://codepen.io/kekkou/pen/GRJZrYw?editors=1010" rel="nofollow">codepen</a>(latest release branch)</li> </ul> <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=""> r113</li> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox"> ...</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> <h5 dir="auto">Hardware Requirements (graphics card, VR Device, ...)</h5>
0
<p dir="auto">Try this:</p> <ul dir="auto"> <li>create a new app</li> <li>start an emulator</li> <li>flutter run your new app</li> <li>yay, it works!</li> <li>then, replace your lib/main.dart with the following contents:</li> </ul> <div class="highlight highlight-source-dart notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import 'package:flutter/material.dart'; void main() { runApp(new MyWidget()); } class MyWidget extends StatelessWidget { @override Widget build(BuildContext context) { return new GestureDetector( onTap: () =&gt; print('tapped!') ); } }"><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-s">'package:flutter/material.dart'</span>; <span class="pl-k">void</span> <span class="pl-en">main</span>() { <span class="pl-en">runApp</span>(<span class="pl-k">new</span> <span class="pl-c1">MyWidget</span>()); } <span class="pl-k">class</span> <span class="pl-c1">MyWidget</span> <span class="pl-k">extends</span> <span class="pl-c1">StatelessWidget</span> { <span class="pl-k">@override</span> <span class="pl-c1">Widget</span> <span class="pl-en">build</span>(<span class="pl-c1">BuildContext</span> context) { <span class="pl-k">return</span> <span class="pl-k">new</span> <span class="pl-c1">GestureDetector</span>( onTap<span class="pl-k">:</span> () <span class="pl-k">=&gt;</span> <span class="pl-en">print</span>(<span class="pl-s">'tapped!'</span>) ); } }</pre></div> <p dir="auto">And then:</p> <ul dir="auto"> <li>type <code class="notranslate">r</code> in your flutter run console</li> </ul> <p dir="auto">Expected: hot reloads and everything is awesome</p> <p dir="auto">Actual:</p> <p dir="auto">This error:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Initializing hot reload... I/flutter ( 3394): ══╡ EXCEPTION CAUGHT BY WIDGETS LIBRARY ╞═══════════════════════════════════════════════════════════ I/flutter ( 3394): The following _CompileTimeError was thrown building MyApp(dirty): I/flutter ( 3394): 'file:///C:/Users/sethladd/Documents/Code/circles/lib/main.dart': malformed type: line 25: cannot I/flutter ( 3394): resolve class 'MyHomePage' from 'MyApp' I/flutter ( 3394): home : new MyHomePage(title : &quot;Flutter Demo Home Page&quot;), I/flutter ( 3394): ^ I/flutter ( 3394):"><pre class="notranslate"><code class="notranslate">Initializing hot reload... I/flutter ( 3394): ══╡ EXCEPTION CAUGHT BY WIDGETS LIBRARY ╞═══════════════════════════════════════════════════════════ I/flutter ( 3394): The following _CompileTimeError was thrown building MyApp(dirty): I/flutter ( 3394): 'file:///C:/Users/sethladd/Documents/Code/circles/lib/main.dart': malformed type: line 25: cannot I/flutter ( 3394): resolve class 'MyHomePage' from 'MyApp' I/flutter ( 3394): home : new MyHomePage(title : "Flutter Demo Home Page"), I/flutter ( 3394): ^ I/flutter ( 3394): </code></pre></div> <p dir="auto">This is a pretty poor user experience:</p> <ul dir="auto"> <li>There is no more MyHomePage class in my source code, why is Flutter telling me there's an error here?</li> <li>There is no suggestion or hint that I need to Hot Restart</li> </ul> <p dir="auto">Luckily, I then remembered that:</p> <ul dir="auto"> <li>I can Hot Restart</li> <li>There is some issue about changing types of widgets and not working well with Hot Reload</li> </ul> <p dir="auto">(Neither of which a new user would understand :/)</p> <p dir="auto">Suggestions:</p> <ul dir="auto"> <li>Tolerate changing widget types (from stateless to stateful) during Hot Reloads</li> <li>Detect when a Hot Reload isn't possible, error out earlier than showing me code that no longer exists</li> <li>Suggest to the user something like "Bummer, that didn't seem to work. Please try Hot Restart with capital R."</li> </ul> <p dir="auto">Thanks!</p>
<p dir="auto">Add infrastructure to check for program elements changed in the last reload and not executed. Use this facility in flutter tools to figure out situations where the user makes changes that will not be reflected after a hot reload and warn users about the need to do a hot restart for the changes to take effect.</p>
1
<p dir="auto"><em>Please make sure that this is a bug. As per our <a href="https://github.com/tensorflow/tensorflow/blob/master/ISSUES.md">GitHub Policy</a>, we only address code/doc bugs, performance issues, feature requests and build/installation issues on GitHub. tag:bug_template</em></p> <p dir="auto"><strong>System information</strong></p> <ul dir="auto"> <li>Have I written custom code (as opposed to using a stock example script provided in TensorFlow):</li> <li>OS Platform and Distribution (e.g., Linux Ubuntu 16.04):</li> <li>Mobile device (e.g. iPhone 8, Pixel 2, Samsung Galaxy) if the issue happens on mobile device:</li> <li>TensorFlow installed from (source or binary):</li> <li>TensorFlow version (use command below):</li> <li>Python version:</li> <li>Bazel version (if compiling from source):</li> <li>GCC/Compiler version (if compiling from source):</li> <li>CUDA/cuDNN version:</li> <li>GPU model and memory:</li> </ul> <p dir="auto">You can collect some of this information using our environment capture<br> <a href="https://github.com/tensorflow/tensorflow/tree/master/tools/tf_env_collect.sh">script</a><br> You can also obtain the TensorFlow version with: 1. TF 1.0: <code class="notranslate">python -c "import tensorflow as tf; print(tf.GIT_VERSION, tf.VERSION)"</code> 2. TF 2.0: <code class="notranslate">python -c "import tensorflow as tf; print(tf.version.GIT_VERSION, tf.version.VERSION)"</code></p> <p dir="auto"><strong>Describe the current behavior</strong></p> <p dir="auto"><strong>Describe the expected behavior</strong></p> <p dir="auto"><strong>Code to reproduce the issue</strong><br> Provide a reproducible test case that is the bare minimum necessary to generate the problem.</p> <p dir="auto"><strong>Other info / logs</strong><br> Include any logs or source code that would be helpful to diagnose the problem. If including tracebacks, please include the full traceback. Large logs and files should be attached.</p>
<ul dir="auto"> <li><strong>Have I written custom code (as opposed to using a stock example script provided in TensorFlow)</strong>: No</li> <li><strong>OS Platform and Distribution (e.g., Linux Ubuntu 16.04)</strong>: 16.04.4 LTS (Xenial Xerus)</li> <li><strong>Mobile device (e.g. iPhone 8, Pixel 2, Samsung Galaxy) if the issue happens on mobile device</strong>: No</li> <li><strong>TensorFlow installed from (source or binary)</strong>: From source</li> <li><strong>TensorFlow version (use command below)</strong>: 1.9.0</li> <li><strong>Python version</strong>: 3.5</li> <li><strong>Bazel version (if compiling from source)</strong>: 0.11.0</li> <li><strong>GCC/Compiler version (if compiling from source)</strong>: (Ubuntu 5.4.0-6ubuntu1~16.04.10) 5.4.0 20160609</li> <li><strong>CUDA/cuDNN version</strong>: 7.1.4.18</li> <li><strong>GPU model and memory</strong>: Quadro K620 and Tesla K40c -- 2GB and 11.5GB respectively.</li> <li><strong>Exact command to reproduce</strong>:</li> </ul> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="with tf.Graph().as_default() as graph: config = tf.estimator.RunConfig( model_dir=&quot;./output&quot;, save_summary_steps=FLAGS.saving_summ_freq, save_checkpoints_steps=FLAGS.saving_ckpt_freq, keep_checkpoint_max=3, train_distribute=tf.contrib.distribute.MirroredStrategy() ) classifier = tf.estimator.Estimator( model_fn, config=config) train_spec = tf.estimator.TrainSpec(gen_input_fn('train', FLAGS.num_epochs)) valid_spec = tf.estimator.EvalSpec(gen_input_fn('valid', 1)) tf.estimator.train_and_evaluate(classifier, train_spec, valid_spec)"><pre class="notranslate"><code class="notranslate">with tf.Graph().as_default() as graph: config = tf.estimator.RunConfig( model_dir="./output", save_summary_steps=FLAGS.saving_summ_freq, save_checkpoints_steps=FLAGS.saving_ckpt_freq, keep_checkpoint_max=3, train_distribute=tf.contrib.distribute.MirroredStrategy() ) classifier = tf.estimator.Estimator( model_fn, config=config) train_spec = tf.estimator.TrainSpec(gen_input_fn('train', FLAGS.num_epochs)) valid_spec = tf.estimator.EvalSpec(gen_input_fn('valid', 1)) tf.estimator.train_and_evaluate(classifier, train_spec, valid_spec) </code></pre></div> <p dir="auto">Hello Tensorflow Devs,</p> <p dir="auto">I try to add exponential moving average support to the optimization step. However, this new Estimator API backed by the "Mirrored Distrubution Strategy" fails due to a tensor conversion method specific to this strategy.</p> <p dir="auto">When I call ema.apply_gradients(...) it ends up with the following exception:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" INFO:tensorflow:Using config: {'_model_dir': './output', 1 365 saving_listeners = _check_listeners_type(saving_listeners) --&gt; 366 loss = self._train_model(input_fn, hooks, saving_listeners) 367 logging.info('Loss for final step: %s.', loss) 368 return self /usr/local/lib/python3.5/dist-packages/tensorflow/python/estimator/estimator.py in _train_model(self, input_fn, hooks, saving_listeners) 1115 def _train_model(self, input_fn, hooks, saving_listeners): 1116 if self._distribution: -&gt; 1117 return self._train_model_distributed(input_fn, hooks, saving_listeners) 1118 else: 1119 return self._train_model_default(input_fn, hooks, saving_listeners) /usr/local/lib/python3.5/dist-packages/tensorflow/python/estimator/estimator.py in _train_model_distributed(self, input_fn, hooks, saving_listeners) 1158 labels, # although this will be None it seems 1159 model_fn_lib.ModeKeys.TRAIN, -&gt; 1160 self.config) 1161 1162 # TODO(anjalisridhar): Figure out how to resolve the following scaffold /usr/local/lib/python3.5/dist-packages/tensorflow/python/training/distribute.py in call_for_each_tower(self, fn, *args, **kwargs) 792 &quot;&quot;&quot; 793 _require_cross_tower_context(self) --&gt; 794 return self._call_for_each_tower(fn, *args, **kwargs) 795 796 def _call_for_each_tower(self, fn, *args, **kwargs): /usr/local/lib/python3.5/dist-packages/tensorflow/contrib/distribute/python/mirrored_strategy.py in _call_for_each_tower(self, fn, *args, **kwargs) 267 for t in threads: 268 t.should_run.set() --&gt; 269 coord.join(threads) 270 271 return values.regroup({t.device: t.main_result for t in threads}) /usr/local/lib/python3.5/dist-packages/tensorflow/python/training/coordinator.py in join(self, threads, stop_grace_period_secs, ignore_live_threads) 387 self._registered_threads = set() 388 if self._exc_info_to_raise: --&gt; 389 six.reraise(*self._exc_info_to_raise) 390 elif stragglers: 391 if ignore_live_threads: /usr/local/lib/python3.5/dist-packages/six.py in reraise(tp, value, tb) 691 if value.__traceback__ is not tb: 692 raise value.with_traceback(tb) --&gt; 693 raise value 694 finally: 695 value = None /usr/local/lib/python3.5/dist-packages/tensorflow/python/training/coordinator.py in stop_on_exception(self) 295 &quot;&quot;&quot; 296 try: --&gt; 297 yield 298 except: # pylint: disable=bare-except 299 self.request_stop(ex=sys.exc_info()) /usr/local/lib/python3.5/dist-packages/tensorflow/contrib/distribute/python/mirrored_strategy.py in run(self) 477 self._captured_var_scope, reuse=self.tower_id &gt; 0), \ 478 variable_scope.variable_creator_scope(self.variable_creator_fn): --&gt; 479 self.main_result = self.main_fn(*self.main_args, **self.main_kwargs) 480 self.done = True 481 finally: /usr/local/lib/python3.5/dist-packages/tensorflow/python/estimator/estimator.py in _call_model_fn(self, features, labels, mode, config) 1105 1106 logging.info('Calling model_fn.') -&gt; 1107 model_fn_results = self._model_fn(features=features, **kwargs) 1108 logging.info('Done calling model_fn.') 1109 &lt;ipython-input-9-2239e101f763&gt; in model_fn(features, labels, mode) 3 loss = tfsi_model(features) 4 if mode == tf.estimator.ModeKeys.TRAIN: ----&gt; 5 train_op, grads, saver = minimize(loss) 6 writer, merged = prepare_summary(tf.get_default_graph(), loss, grads) 7 chkpt_hook = tf.train.CheckpointSaverHook( &lt;ipython-input-7-8dbd2a0df6d6&gt; in minimize(loss) 17 train_op = ema.apply_gradients( 18 grads, ---&gt; 19 global_step=tf.train.get_or_create_global_step() 20 ) 21 return train_op, grads, ema.swapping_saver() /usr/local/lib/python3.5/dist-packages/tensorflow/contrib/opt/python/training/moving_average_optimizer.py in apply_gradients(self, grads_and_vars, global_step, name) 97 if self._sequential_update: 98 with ops.control_dependencies([train_op]): ---&gt; 99 ma_op = self._ema.apply(var_list) 100 else: 101 ma_op = self._ema.apply(var_list) /usr/local/lib/python3.5/dist-packages/tensorflow/python/training/moving_averages.py in apply(self, var_list) 428 zero_debias = self._averages[var] in zero_debias_true 429 updates.append(assign_moving_average( --&gt; 430 self._averages[var], var, decay, zero_debias=zero_debias)) 431 return control_flow_ops.group(*updates, name=scope) 432 /usr/local/lib/python3.5/dist-packages/tensorflow/python/training/moving_averages.py in assign_moving_average(variable, value, decay, zero_debias, name) 82 with ops.name_scope(name, &quot;AssignMovingAvg&quot;, 83 [variable, value, decay]) as scope: ---&gt; 84 with ops.colocate_with(variable): 85 decay = ops.convert_to_tensor(1.0 - decay, name=&quot;decay&quot;) 86 if decay.dtype != variable.dtype.base_dtype: /usr/lib/python3.5/contextlib.py in __enter__(self) 57 def __enter__(self): 58 try: ---&gt; 59 return next(self.gen) 60 except StopIteration: 61 raise RuntimeError(&quot;generator didn't yield&quot;) from None /usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py in _colocate_with_for_gradient(self, op, gradient_uid, ignore_existing) 4217 def _colocate_with_for_gradient(self, op, gradient_uid, 4218 ignore_existing=False): -&gt; 4219 with self.colocate_with(op, ignore_existing): 4220 if gradient_uid is not None and self._control_flow_context is not None: 4221 try: /usr/lib/python3.5/contextlib.py in __enter__(self) 57 def __enter__(self): 58 try: ---&gt; 59 return next(self.gen) 60 except StopIteration: 61 raise RuntimeError(&quot;generator didn't yield&quot;) from None /usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py in colocate_with(self, op, ignore_existing) 4270 if op is not None and not isinstance(op, Operation): 4271 # We always want to colocate with the reference op. -&gt; 4272 op = internal_convert_to_tensor_or_indexed_slices(op, as_ref=True).op 4273 4274 # By default, colocate_with resets the device function stack, /usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py in internal_convert_to_tensor_or_indexed_slices(value, dtype, name, as_ref) 1266 else: 1267 return internal_convert_to_tensor( -&gt; 1268 value, dtype=dtype, name=name, as_ref=as_ref) 1269 1270 /usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py in internal_convert_to_tensor(value, dtype, name, as_ref, preferred_dtype, ctx) 1105 1106 if ret is None: -&gt; 1107 ret = conversion_func(value, dtype=dtype, name=name, as_ref=as_ref) 1108 1109 if ret is NotImplemented: /usr/local/lib/python3.5/dist-packages/tensorflow/contrib/distribute/python/values.py in _tensor_conversion(var, dtype, name, as_ref) 243 # Try to avoid assignments to and other mutations of MirroredVariable 244 # state except through a DistributionStrategy.update() call. --&gt; 245 assert not as_ref 246 return ops.internal_convert_to_tensor( 247 var.get(), dtype=dtype, name=name, as_ref=as_ref) AssertionError: "><pre class="notranslate"><code class="notranslate"> INFO:tensorflow:Using config: {'_model_dir': './output', 1 365 saving_listeners = _check_listeners_type(saving_listeners) --&gt; 366 loss = self._train_model(input_fn, hooks, saving_listeners) 367 logging.info('Loss for final step: %s.', loss) 368 return self /usr/local/lib/python3.5/dist-packages/tensorflow/python/estimator/estimator.py in _train_model(self, input_fn, hooks, saving_listeners) 1115 def _train_model(self, input_fn, hooks, saving_listeners): 1116 if self._distribution: -&gt; 1117 return self._train_model_distributed(input_fn, hooks, saving_listeners) 1118 else: 1119 return self._train_model_default(input_fn, hooks, saving_listeners) /usr/local/lib/python3.5/dist-packages/tensorflow/python/estimator/estimator.py in _train_model_distributed(self, input_fn, hooks, saving_listeners) 1158 labels, # although this will be None it seems 1159 model_fn_lib.ModeKeys.TRAIN, -&gt; 1160 self.config) 1161 1162 # TODO(anjalisridhar): Figure out how to resolve the following scaffold /usr/local/lib/python3.5/dist-packages/tensorflow/python/training/distribute.py in call_for_each_tower(self, fn, *args, **kwargs) 792 """ 793 _require_cross_tower_context(self) --&gt; 794 return self._call_for_each_tower(fn, *args, **kwargs) 795 796 def _call_for_each_tower(self, fn, *args, **kwargs): /usr/local/lib/python3.5/dist-packages/tensorflow/contrib/distribute/python/mirrored_strategy.py in _call_for_each_tower(self, fn, *args, **kwargs) 267 for t in threads: 268 t.should_run.set() --&gt; 269 coord.join(threads) 270 271 return values.regroup({t.device: t.main_result for t in threads}) /usr/local/lib/python3.5/dist-packages/tensorflow/python/training/coordinator.py in join(self, threads, stop_grace_period_secs, ignore_live_threads) 387 self._registered_threads = set() 388 if self._exc_info_to_raise: --&gt; 389 six.reraise(*self._exc_info_to_raise) 390 elif stragglers: 391 if ignore_live_threads: /usr/local/lib/python3.5/dist-packages/six.py in reraise(tp, value, tb) 691 if value.__traceback__ is not tb: 692 raise value.with_traceback(tb) --&gt; 693 raise value 694 finally: 695 value = None /usr/local/lib/python3.5/dist-packages/tensorflow/python/training/coordinator.py in stop_on_exception(self) 295 """ 296 try: --&gt; 297 yield 298 except: # pylint: disable=bare-except 299 self.request_stop(ex=sys.exc_info()) /usr/local/lib/python3.5/dist-packages/tensorflow/contrib/distribute/python/mirrored_strategy.py in run(self) 477 self._captured_var_scope, reuse=self.tower_id &gt; 0), \ 478 variable_scope.variable_creator_scope(self.variable_creator_fn): --&gt; 479 self.main_result = self.main_fn(*self.main_args, **self.main_kwargs) 480 self.done = True 481 finally: /usr/local/lib/python3.5/dist-packages/tensorflow/python/estimator/estimator.py in _call_model_fn(self, features, labels, mode, config) 1105 1106 logging.info('Calling model_fn.') -&gt; 1107 model_fn_results = self._model_fn(features=features, **kwargs) 1108 logging.info('Done calling model_fn.') 1109 &lt;ipython-input-9-2239e101f763&gt; in model_fn(features, labels, mode) 3 loss = tfsi_model(features) 4 if mode == tf.estimator.ModeKeys.TRAIN: ----&gt; 5 train_op, grads, saver = minimize(loss) 6 writer, merged = prepare_summary(tf.get_default_graph(), loss, grads) 7 chkpt_hook = tf.train.CheckpointSaverHook( &lt;ipython-input-7-8dbd2a0df6d6&gt; in minimize(loss) 17 train_op = ema.apply_gradients( 18 grads, ---&gt; 19 global_step=tf.train.get_or_create_global_step() 20 ) 21 return train_op, grads, ema.swapping_saver() /usr/local/lib/python3.5/dist-packages/tensorflow/contrib/opt/python/training/moving_average_optimizer.py in apply_gradients(self, grads_and_vars, global_step, name) 97 if self._sequential_update: 98 with ops.control_dependencies([train_op]): ---&gt; 99 ma_op = self._ema.apply(var_list) 100 else: 101 ma_op = self._ema.apply(var_list) /usr/local/lib/python3.5/dist-packages/tensorflow/python/training/moving_averages.py in apply(self, var_list) 428 zero_debias = self._averages[var] in zero_debias_true 429 updates.append(assign_moving_average( --&gt; 430 self._averages[var], var, decay, zero_debias=zero_debias)) 431 return control_flow_ops.group(*updates, name=scope) 432 /usr/local/lib/python3.5/dist-packages/tensorflow/python/training/moving_averages.py in assign_moving_average(variable, value, decay, zero_debias, name) 82 with ops.name_scope(name, "AssignMovingAvg", 83 [variable, value, decay]) as scope: ---&gt; 84 with ops.colocate_with(variable): 85 decay = ops.convert_to_tensor(1.0 - decay, name="decay") 86 if decay.dtype != variable.dtype.base_dtype: /usr/lib/python3.5/contextlib.py in __enter__(self) 57 def __enter__(self): 58 try: ---&gt; 59 return next(self.gen) 60 except StopIteration: 61 raise RuntimeError("generator didn't yield") from None /usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py in _colocate_with_for_gradient(self, op, gradient_uid, ignore_existing) 4217 def _colocate_with_for_gradient(self, op, gradient_uid, 4218 ignore_existing=False): -&gt; 4219 with self.colocate_with(op, ignore_existing): 4220 if gradient_uid is not None and self._control_flow_context is not None: 4221 try: /usr/lib/python3.5/contextlib.py in __enter__(self) 57 def __enter__(self): 58 try: ---&gt; 59 return next(self.gen) 60 except StopIteration: 61 raise RuntimeError("generator didn't yield") from None /usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py in colocate_with(self, op, ignore_existing) 4270 if op is not None and not isinstance(op, Operation): 4271 # We always want to colocate with the reference op. -&gt; 4272 op = internal_convert_to_tensor_or_indexed_slices(op, as_ref=True).op 4273 4274 # By default, colocate_with resets the device function stack, /usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py in internal_convert_to_tensor_or_indexed_slices(value, dtype, name, as_ref) 1266 else: 1267 return internal_convert_to_tensor( -&gt; 1268 value, dtype=dtype, name=name, as_ref=as_ref) 1269 1270 /usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py in internal_convert_to_tensor(value, dtype, name, as_ref, preferred_dtype, ctx) 1105 1106 if ret is None: -&gt; 1107 ret = conversion_func(value, dtype=dtype, name=name, as_ref=as_ref) 1108 1109 if ret is NotImplemented: /usr/local/lib/python3.5/dist-packages/tensorflow/contrib/distribute/python/values.py in _tensor_conversion(var, dtype, name, as_ref) 243 # Try to avoid assignments to and other mutations of MirroredVariable 244 # state except through a DistributionStrategy.update() call. --&gt; 245 assert not as_ref 246 return ops.internal_convert_to_tensor( 247 var.get(), dtype=dtype, name=name, as_ref=as_ref) AssertionError: </code></pre></div> <p dir="auto">Here is the code for creating optimizer and applying backpropagation to the specified loss function:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" def minimize(loss): lr = tf.constant(learning_rate_schedule[0], dtype=tf.float32) for key, val in learning_rate_schedule.items(): lr = tf.cond( tf.less(tf.train.get_or_create_global_step(), key), lambda : lr, lambda : tf.constant(val, dtype=tf.float32) ) opt = tf.train.AdamOptimizer(learning_rate=lr, epsilon=FLAGS.epsilon) if FLAGS.is_ema_enabled: ema = tf.contrib.opt.MovingAverageOptimizer( opt, num_updates=tf.train.get_or_create_global_step() ) grads = ema.compute_gradients(loss) train_op = ema.apply_gradients( grads, global_step=tf.train.get_or_create_global_step() ) return train_op, grads, ema.swapping_saver() else: grads = opt.compute_gradients(loss) train_op = opt.apply_gradients( grads, global_step=tf.train.get_or_create_global_step() ) return train_op, grads, tf.train.Saver()"><pre class="notranslate"><code class="notranslate"> def minimize(loss): lr = tf.constant(learning_rate_schedule[0], dtype=tf.float32) for key, val in learning_rate_schedule.items(): lr = tf.cond( tf.less(tf.train.get_or_create_global_step(), key), lambda : lr, lambda : tf.constant(val, dtype=tf.float32) ) opt = tf.train.AdamOptimizer(learning_rate=lr, epsilon=FLAGS.epsilon) if FLAGS.is_ema_enabled: ema = tf.contrib.opt.MovingAverageOptimizer( opt, num_updates=tf.train.get_or_create_global_step() ) grads = ema.compute_gradients(loss) train_op = ema.apply_gradients( grads, global_step=tf.train.get_or_create_global_step() ) return train_op, grads, ema.swapping_saver() else: grads = opt.compute_gradients(loss) train_op = opt.apply_gradients( grads, global_step=tf.train.get_or_create_global_step() ) return train_op, grads, tf.train.Saver() </code></pre></div> <p dir="auto">It seems that it causes a trouble when "internal_tensor_conversion" receives a reference variable though I am not sure of it. Am I doing something wrong or is it a bug?</p> <p dir="auto">Thank you for the help in advance.</p>
0
<p dir="auto">We have to expand the mod_wsgi deployment chapter.</p> <p dir="auto">Related feedback issues:</p> <ul dir="auto"> <li><a href="http://feedback.flask.pocoo.org/message/98" rel="nofollow">http://feedback.flask.pocoo.org/message/98</a></li> </ul>
<p dir="auto">Many people struggle with deploying a simple Flask application. The tutorial should show that and provide some helpful pointers to other parts of the documentation that handle deployment.</p> <p dir="auto">Related feedback issues:</p> <ul dir="auto"> <li><a href="http://feedback.flask.pocoo.org/message/105" rel="nofollow">http://feedback.flask.pocoo.org/message/105</a></li> </ul>
1
<p dir="auto">like javascript, TypeScript editor needs auto { --&gt; } with auto formatting<br> it will be very useful</p> <p dir="auto">thanks</p>
<p dir="auto">In Visual Studio if you go into the options for TypeScript(Tools &gt; Options &gt; Text Editor &gt; TypeScript &gt; General) the "Automatic brace completion" option is grayed out.</p> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://camo.githubusercontent.com/ab3ecd5bca0514280388f2229b66b868433c84ba6f10d5b415bfe6de8c4a4b5c/687474703a2f2f692e696d6775722e636f6d2f7249364d3151362e706e67"><img src="https://camo.githubusercontent.com/ab3ecd5bca0514280388f2229b66b868433c84ba6f10d5b415bfe6de8c4a4b5c/687474703a2f2f692e696d6775722e636f6d2f7249364d3151362e706e67" alt="Automatic brace completion options grayed out" data-canonical-src="http://i.imgur.com/rI6M1Q6.png" style="max-width: 100%;"></a></p> <p dir="auto">I was wondering why this is and if there is any way to turn this on.</p> <p dir="auto"><strong>Visual Studio Version</strong>: <em>Visual Studio Express 2013 for Web v12.0.31101.00 Update 4</em><br> <strong>OS</strong>: *<em>Windows 8.1</em></p>
1
<ul dir="auto"> <li>VSCode Version: 1.1.1</li> <li>OS Version: linux</li> </ul> <p dir="auto">The list of default keyboard shortcuts does not include <code class="notranslate">alt+click</code> or any other <code class="notranslate">click</code> commands. Is it possible to rebind them?</p>
<p dir="auto">On most Linux desktops <code class="notranslate">alt+click</code> will allow you drag a window by clicking anywhere over it. This conflicts with the multiple cursors binding.</p> <p dir="auto">It's still possible to obtain multiple cursors with commands like <code class="notranslate">insertCursorAbove</code> or <code class="notranslate">insertCursorAtEndOfEachLineSelected</code>, but this affects multiple people, and it's already covered in some <a href="https://2buntu.com/articles/1529/visual-studio-code-comes-to-linux/#multiple-cursors_3044" rel="nofollow">articles</a> with a workaround (which I'm copying here for Gnome based systems: <code class="notranslate">gsettings set org.gnome.desktop.wm.preferences mouse-button-modifier "&lt;Super&gt;"</code> change <code class="notranslate">&lt;Super&gt;</code> with your preferred key )</p> <p dir="auto">It's also acknowledged <a href="https://code.visualstudio.com/Docs/editor/editingevolved#_selection-multicursor" rel="nofollow">in VScode's documentation</a> that this shortcut might conflict even on Windows or Macosx...</p> <blockquote> <p dir="auto">Note: Your graphics card provider might overwrite these default shortcuts.</p> </blockquote> <p dir="auto">So, fixing this for Linux users might also be useful elsewhere. For comparison, the Atom editor uses <code class="notranslate">ctrl+click</code> instead of <code class="notranslate">alt+click</code> for this shortcut.</p> <p dir="auto">Rather than changing the default, making it customizable would already be a welcome improvement, but afaik unfortunately there's no way to change it. These are a couple of related default keybindings:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="{ &quot;key&quot;: &quot;ctrl+shift+up&quot;, &quot;command&quot;: &quot;editor.action.insertCursorAbove&quot;, &quot;when&quot;: &quot;editorTextFocus&quot; }, { &quot;key&quot;: &quot;shift+alt+up&quot;, &quot;command&quot;: &quot;editor.action.insertCursorAbove&quot;, &quot;when&quot;: &quot;editorTextFocus&quot; }"><pre class="notranslate"><code class="notranslate">{ "key": "ctrl+shift+up", "command": "editor.action.insertCursorAbove", "when": "editorTextFocus" }, { "key": "shift+alt+up", "command": "editor.action.insertCursorAbove", "when": "editorTextFocus" } </code></pre></div> <p dir="auto">But since I cannot find any <code class="notranslate">editor.action.insertCursor</code> command, it seems that this option is lacking.</p>
1
<h1 dir="auto">Environment</h1> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Windows build number: win10 1903(18362.239) Windows Terminal version (if applicable): 0.3.2142.0(from Microsoft Store) "><pre lang="none" class="notranslate"><code class="notranslate">Windows build number: win10 1903(18362.239) Windows Terminal version (if applicable): 0.3.2142.0(from Microsoft Store) </code></pre></div> <h1 dir="auto">Steps to reproduce</h1> <p dir="auto">Start this application and drag it somewhere</p> <h1 dir="auto">Expected behavior</h1> <p dir="auto">Nothing happened</p> <h1 dir="auto">Actual behavior</h1> <p dir="auto">this window got blank and can't be input<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/42114116/62412999-98d68780-b63c-11e9-9eaf-0784f6374089.png"><img src="https://user-images.githubusercontent.com/42114116/62412999-98d68780-b63c-11e9-9eaf-0784f6374089.png" alt="image" style="max-width: 100%;"></a></p>
<h1 dir="auto">Environment</h1> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Windows build number: Microsoft Windows [Version 10.0.18362.267] Windows Terminal version (if applicable): 0.3.2142.0 Any other software? Ubuntu 18.04 running in WSL1 with zsh as the default shell."><pre lang="none" class="notranslate"><code class="notranslate">Windows build number: Microsoft Windows [Version 10.0.18362.267] Windows Terminal version (if applicable): 0.3.2142.0 Any other software? Ubuntu 18.04 running in WSL1 with zsh as the default shell. </code></pre></div> <h1 dir="auto">Steps to reproduce</h1> <p dir="auto"><code class="notranslate">apt install sl lolcat</code> in case they are not installed yet.<br> Then run <code class="notranslate">sl | lolcat</code></p> <h1 dir="auto">Expected behavior</h1> <p dir="auto">A colorful steam locomotive runs over the screen and my productivity increases by 0.2 %.</p> <h1 dir="auto">Actual behavior</h1> <p dir="auto"><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/4571159/62558503-7a110480-b879-11e9-9cd6-d5096f8111c1.png"><img src="https://user-images.githubusercontent.com/4571159/62558503-7a110480-b879-11e9-9cd6-d5096f8111c1.png" alt="image" style="max-width: 100%;"></a><br> <g-emoji class="g-emoji" alias="man_shrugging" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/1f937-2642.png">🤷‍♂️</g-emoji><br> <code class="notranslate">sl</code> works on its own but when piped through <code class="notranslate">lolcat</code>, I only see hundreds of lines of colorful gibberish scrolling by.</p>
0
<p dir="auto">According to the package <a href="https://golang.org/pkg/net/#Dial" rel="nofollow">doc</a>, address without host specified should be allowed, e.g. <code class="notranslate">Dial("tcp", ":80")</code>. But an error <code class="notranslate">connectex: The requested address is not valid in its context</code> is returned on windows 10.</p> <p dir="auto">Please answer these questions before submitting your issue. Thanks!</p> <ol dir="auto"> <li>What version of Go are you using (<code class="notranslate">go version</code>)?</li> </ol> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="$ go version go version go1.6 windows/amd64"><pre class="notranslate"><code class="notranslate">$ go version go version go1.6 windows/amd64 </code></pre></div> <ol dir="auto"> <li>What operating system and processor architecture are you using (<code class="notranslate">go env</code>)?</li> </ol> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="$ go env set GOARCH=amd64 set GOBIN= set GOEXE=.exe set GOHOSTARCH=amd64 set GOHOSTOS=windows set GOOS=windows set GOPATH=C:/Users/taylorchu/go set GORACE= set GOROOT=C:\Go set GOTOOLDIR=C:\Go\pkg\tool\windows_amd64 set GO15VENDOREXPERIMENT=1 set CC=gcc set GOGCCFLAGS=-m64 -mthreads -fmessage-length=0 set CXX=g++ set CGO_ENABLED=1"><pre class="notranslate"><code class="notranslate">$ go env set GOARCH=amd64 set GOBIN= set GOEXE=.exe set GOHOSTARCH=amd64 set GOHOSTOS=windows set GOOS=windows set GOPATH=C:/Users/taylorchu/go set GORACE= set GOROOT=C:\Go set GOTOOLDIR=C:\Go\pkg\tool\windows_amd64 set GO15VENDOREXPERIMENT=1 set CC=gcc set GOGCCFLAGS=-m64 -mthreads -fmessage-length=0 set CXX=g++ set CGO_ENABLED=1 </code></pre></div> <ol dir="auto"> <li> <p dir="auto">What did you do?</p> <p dir="auto"><a href="http://play.golang.org/p/G8gttmZyvA" rel="nofollow">http://play.golang.org/p/G8gttmZyvA</a></p> </li> <li> <p dir="auto">What did you expect to see?</p> </li> </ol> <p dir="auto">net.Dial without specifying host should cause no error.</p> <ol dir="auto"> <li>What did you see instead?</li> </ol> <p dir="auto"><code class="notranslate">connectex: The requested address is not valid in its context.</code></p>
<pre class="notranslate">What steps will reproduce the problem? run this program on windows package main import ( "log" "net" ) func dial() error { l, err := net.Listen("tcp", ":0") if err != nil { return err } go func() { c, err := l.Accept() if err != nil { return } c.Close() }() c, err := net.Dial("tcp", l.Addr().String()) if err != nil { return err } c.Close() return nil } func main() { err := dial() if err != nil { log.Fatal(err) } } What is the expected output? Should output noting. What do you see instead? 2013/08/30 16:43:22 dial tcp 0.0.0.0:1406: ConnectEx tcp: The format of the specified network name is invalid. Please use labels and text to provide additional information. The problem seems to be that l.Addr().String() returns '0.0.0.0', but connecting to that address is not allowed on windows. From <a href="http://msdn.microsoft.com/en-us/library/aa923167.aspx" rel="nofollow">http://msdn.microsoft.com/en-us/library/aa923167.aspx</a> " ... If the address member of the structure specified by the name parameter is all zeroes, connect will return the error WSAEADDRNOTAVAIL. ..."</pre>
1
<p dir="auto">when I request <a href="http://tjw_161130192022480.company.qihuiwang.com/" rel="nofollow">http://tjw_161130192022480.company.qihuiwang.com/</a><br> return this: invalid hostname: tjw_161130192022480.company.qihuiwang.com,<br> I don't know how to solve this question !<br> hlep me !</p>
<p dir="auto">I have url with invalid hostname - it does not match IDNA standards. Scrapy fails with that.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="scrapy fetch &quot;https://mediaworld_it_api2.frosmo.com/?method=products&amp;products=[%22747190%22]&quot; 2018-07-06 11:53:09 [scrapy.core.scraper] ERROR: Error downloading &lt;GET https://mediaworld_it_api2.frosmo.com/?method=products&amp;products=[%22747190%22]&gt; Traceback (most recent call last): File &quot;/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/internet/defer.py&quot;, line 1384, in _inlineCallbacks result = result.throwExceptionIntoGenerator(g) File &quot;/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/python/failure.py&quot;, line 408, in throwExceptionIntoGenerator return g.throw(self.type, self.value, self.tb) File &quot;/home/pawel/scrapy/scrapy/core/downloader/middleware.py&quot;, line 43, in process_request defer.returnValue((yield download_func(request=request,spider=spider))) File &quot;/home/pawel//scrapy/scrapy/utils/defer.py&quot;, line 45, in mustbe_deferred result = f(*args, **kw) File &quot;/home/pawel/scrapy/scrapy/core/downloader/handlers/__init__.py&quot;, line 65, in download_request return handler.download_request(request, spider) File &quot;/home/pawel/scrapy/scrapy/core/downloader/handlers/http11.py&quot;, line 67, in download_request return agent.download_request(request) File &quot;/home/pawelscrapy/scrapy/core/downloader/handlers/http11.py&quot;, line 331, in download_request method, to_bytes(url, encoding='ascii'), headers, bodyproducer) File &quot;/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/web/client.py&quot;, line 1649, in request endpoint = self._getEndpoint(parsedURI) File &quot;/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/web/client.py&quot;, line 1633, in _getEndpoint return self._endpointFactory.endpointForURI(uri) File &quot;/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/web/client.py&quot;, line 1510, in endpointForURI uri.port) File &quot;/home/pawel/scrapy/scrapy/core/downloader/contextfactory.py&quot;, line 59, in creatorForNetloc return ScrapyClientTLSOptions(hostname.decode(&quot;ascii&quot;), self.getContext()) File &quot;/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/internet/_sslverify.py&quot;, line 1152, in __init__ self._hostnameBytes = _idnaBytes(hostname) File &quot;/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/internet/_idna.py&quot;, line 30, in _idnaBytes return idna.encode(text) File &quot;/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/idna/core.py&quot;, line 355, in encode result.append(alabel(label)) File &quot;/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/idna/core.py&quot;, line 265, in alabel raise IDNAError('The label {0} is not a valid A-label'.format(label)) IDNAError: The label mediaworld_it_api2 is not a valid A-label"><pre class="notranslate"><code class="notranslate">scrapy fetch "https://mediaworld_it_api2.frosmo.com/?method=products&amp;products=[%22747190%22]" 2018-07-06 11:53:09 [scrapy.core.scraper] ERROR: Error downloading &lt;GET https://mediaworld_it_api2.frosmo.com/?method=products&amp;products=[%22747190%22]&gt; Traceback (most recent call last): File "/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/internet/defer.py", line 1384, in _inlineCallbacks result = result.throwExceptionIntoGenerator(g) File "/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/python/failure.py", line 408, in throwExceptionIntoGenerator return g.throw(self.type, self.value, self.tb) File "/home/pawel/scrapy/scrapy/core/downloader/middleware.py", line 43, in process_request defer.returnValue((yield download_func(request=request,spider=spider))) File "/home/pawel//scrapy/scrapy/utils/defer.py", line 45, in mustbe_deferred result = f(*args, **kw) File "/home/pawel/scrapy/scrapy/core/downloader/handlers/__init__.py", line 65, in download_request return handler.download_request(request, spider) File "/home/pawel/scrapy/scrapy/core/downloader/handlers/http11.py", line 67, in download_request return agent.download_request(request) File "/home/pawelscrapy/scrapy/core/downloader/handlers/http11.py", line 331, in download_request method, to_bytes(url, encoding='ascii'), headers, bodyproducer) File "/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/web/client.py", line 1649, in request endpoint = self._getEndpoint(parsedURI) File "/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/web/client.py", line 1633, in _getEndpoint return self._endpointFactory.endpointForURI(uri) File "/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/web/client.py", line 1510, in endpointForURI uri.port) File "/home/pawel/scrapy/scrapy/core/downloader/contextfactory.py", line 59, in creatorForNetloc return ScrapyClientTLSOptions(hostname.decode("ascii"), self.getContext()) File "/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/internet/_sslverify.py", line 1152, in __init__ self._hostnameBytes = _idnaBytes(hostname) File "/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/twisted/internet/_idna.py", line 30, in _idnaBytes return idna.encode(text) File "/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/idna/core.py", line 355, in encode result.append(alabel(label)) File "/home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/idna/core.py", line 265, in alabel raise IDNAError('The label {0} is not a valid A-label'.format(label)) IDNAError: The label mediaworld_it_api2 is not a valid A-label </code></pre></div> <p dir="auto">IDNA error is legitmate. This url <a href="https://mediaworld_it_api2.frosmo.com/?method=products&amp;products=%5B%22747190%22%5D" rel="nofollow">https://mediaworld_it_api2.frosmo.com/?method=products&amp;products=[%22747190%22]</a> is not valid according to IDNA standard.</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="In [1]: x = &quot;https://mediaworld_it_api2.frosmo.com/?method=products&amp;products=[%22747190%22]&quot; In [2]: import idna In [3]: idna.encode(x) --------------------------------------------------------------------------- IDNAError Traceback (most recent call last) &lt;ipython-input-3-c97070e17b57&gt; in &lt;module&gt;() ----&gt; 1 idna.encode(x) /home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/idna/core.pyc in encode(s, strict, uts46, std3_rules, transitional) 353 trailing_dot = True 354 for label in labels: --&gt; 355 result.append(alabel(label)) 356 if trailing_dot: 357 result.append(b'') /home/pawel/.virtualenvs/scrapy/local/lib/python2.7/site-packages/idna/core.pyc in alabel(label) 263 ulabel(label) 264 except IDNAError: --&gt; 265 raise IDNAError('The label {0} is not a valid A-label'.format(label)) 266 if not valid_label_length(label): 267 raise IDNAError('Label too long') IDNAError: The label https://mediaworld_it_api2 is not a valid A-label "><pre class="notranslate"><span class="pl-v">In</span> [<span class="pl-c1">1</span>]: <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s">"https://mediaworld_it_api2.frosmo.com/?method=products&amp;products=[%22747190%22]"</span> <span class="pl-v">In</span> [<span class="pl-c1">2</span>]: <span class="pl-s1">import</span> <span class="pl-s1">idna</span> <span class="pl-v">In</span> [<span class="pl-c1">3</span>]: <span class="pl-s1">idna</span>.<span class="pl-en">encode</span>(<span class="pl-s1">x</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-c1">-</span> <span class="pl-v">IDNAError</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">&lt;</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">3</span><span class="pl-c1">-</span><span class="pl-s1">c97070e17b57</span><span class="pl-c1">&gt;</span> <span class="pl-s1">in</span> <span class="pl-c1">&lt;</span><span class="pl-s1">module</span><span class="pl-c1">&gt;</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">&gt;</span> <span class="pl-c1">1</span> <span class="pl-s1">idna</span>.<span class="pl-en">encode</span>(<span class="pl-s1">x</span>) <span class="pl-c1">/</span><span class="pl-s1">home</span><span class="pl-c1">/</span><span class="pl-s1">pawel</span><span class="pl-c1">/</span>.<span class="pl-s1">virtualenvs</span><span class="pl-c1">/</span><span class="pl-s1">scrapy</span><span class="pl-c1">/</span><span class="pl-s1">local</span><span class="pl-c1">/</span><span class="pl-s1">lib</span><span class="pl-c1">/</span><span class="pl-s1">python2</span>.<span class="pl-c1">7</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">idna</span><span class="pl-c1">/</span><span class="pl-s1">core</span>.<span class="pl-s1">pyc</span> <span class="pl-c1">in</span> <span class="pl-en">encode</span>(<span class="pl-s1">s</span>, <span class="pl-s1">strict</span>, <span class="pl-s1">uts46</span>, <span class="pl-s1">std3_rules</span>, <span class="pl-s1">transitional</span>) <span class="pl-c1">353</span> <span class="pl-s1">trailing_dot</span> <span class="pl-c1">=</span> <span class="pl-c1">True</span> <span class="pl-c1">354</span> <span class="pl-k">for</span> <span class="pl-s1">label</span> <span class="pl-c1">in</span> <span class="pl-s1">labels</span>: <span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">&gt;</span> <span class="pl-c1">355</span> <span class="pl-s1">result</span>.<span class="pl-en">append</span>(<span class="pl-en">alabel</span>(<span class="pl-s1">label</span>)) <span class="pl-c1">356</span> <span class="pl-k">if</span> <span class="pl-s1">trailing_dot</span>: <span class="pl-c1">357</span> <span class="pl-s1">result</span>.<span class="pl-en">append</span>(<span class="pl-s">b''</span>) <span class="pl-c1">/</span><span class="pl-s1">home</span><span class="pl-c1">/</span><span class="pl-s1">pawel</span><span class="pl-c1">/</span>.<span class="pl-s1">virtualenvs</span><span class="pl-c1">/</span><span class="pl-s1">scrapy</span><span class="pl-c1">/</span><span class="pl-s1">local</span><span class="pl-c1">/</span><span class="pl-s1">lib</span><span class="pl-c1">/</span><span class="pl-s1">python2</span>.<span class="pl-c1">7</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">idna</span><span class="pl-c1">/</span><span class="pl-s1">core</span>.<span class="pl-s1">pyc</span> <span class="pl-c1">in</span> <span class="pl-en">alabel</span>(<span class="pl-s1">label</span>) <span class="pl-c1">263</span> <span class="pl-s1">ulabel</span>(<span class="pl-s1">label</span>) <span class="pl-c1">264</span> <span class="pl-k">except</span> <span class="pl-v">IDNAError</span>: <span class="pl-c1">-</span><span class="pl-c1">-</span><span class="pl-c1">&gt;</span> <span class="pl-c1">265</span> <span class="pl-s1">raise</span> <span class="pl-v">IDNAError</span>(<span class="pl-s">'The label {0} is not a valid A-label'</span>.<span class="pl-en">format</span>(<span class="pl-s1">label</span>)) <span class="pl-c1">266</span> <span class="pl-k">if</span> <span class="pl-c1">not</span> <span class="pl-en">valid_label_length</span>(<span class="pl-s1">label</span>): <span class="pl-c1">267</span> <span class="pl-s1">raise</span> <span class="pl-v">IDNAError</span>(<span class="pl-s">'Label too long'</span>) <span class="pl-v">IDNAError</span>: <span class="pl-v">The</span> <span class="pl-s1">label</span> <span class="pl-s1">https</span>:<span class="pl-c1">//</span><span class="pl-s1">mediaworld_it_api2</span> <span class="pl-c1">is</span> <span class="pl-c1">not</span> <span class="pl-s1">a</span> <span class="pl-s1">valid</span> <span class="pl-v">A</span><span class="pl-c1">-</span><span class="pl-s1">label</span> </pre></div> <p dir="auto">How should scrapy handle this url? Should we download it regardless of validity?</p>
1
<h3 dir="auto">Describe the workflow you want to enable</h3> <p dir="auto">I Would like to enable <code class="notranslate">KBinsDiscretizer</code> to handle NaNs, in order to create bins representing missing values. This is a bit awkward for ordinal encoding, but makes a lot of sense for one hot encoding, where one can have a dummy variable for NaN values or simply set all dummis of a single feature to zero, meaning the feature value is missing.</p> <h3 dir="auto">Describe your proposed solution</h3> <p dir="auto">A few tweaks in <code class="notranslate">fit</code>, <code class="notranslate">transform</code> and <code class="notranslate">inverse_transform</code> are enough to ensure this behaviour, without changing the current behaviour of the transformer. The new estimator has two new parameters in the constructor:</p> <p dir="auto"><code class="notranslate">nan_handling</code>: {"handle","raise"}, defaults to "raise".<br> defines the behaviour for hadling NaN. if "handle", the fit process will be performed excluding and the missing values of each column and the transform method will transform only not missing values and after that, a NaN bin is created (of index self.n_bins_ +1)</p> <p dir="auto"><code class="notranslate">create_nan_dummy</code>: bool<br> Only applicable if encode == "onehot". Defines whether a new dummy column is created for NaNs or if the dummies of a missing value for a given feature are all set to zero</p> <h3 dir="auto">Describe alternatives you've considered, if relevant</h3> <p dir="auto"><em>No response</em></p> <h3 dir="auto">Additional context</h3> <p dir="auto">I Have already implemented a solution for a project of mine. Just wanna know if this feature is intereseting for other people and if it makes sense to merge it into the main project.</p>
<p dir="auto">Missing values, represented as NaN, could be treated as a separate category in discretization. This seems much more sensible to me than imputing the missing data then discretizing.</p> <p dir="auto">In accordance with recent changes to other preprocessing, NaNs would simply be ignored in calculating <code class="notranslate">fit</code> statistics, and would be passed on to the encoder in <code class="notranslate">transform</code>. I can't recall if we're handling this sensibly in OneHotEncoder yet...</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"><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> <hr> <p dir="auto"><strong>Is this a BUG REPORT or FEATURE REQUEST?</strong> (choose one):</p> <p dir="auto"><strong>Kubernetes version</strong> (use <code class="notranslate">kubectl version</code>):</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):</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>:</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"><strong>Anything else do we need to know</strong>:</p>
<p dir="auto"><a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="159734706" data-permission-text="Title is private" data-url="https://github.com/kubernetes/kubernetes/issues/27208" data-hovercard-type="pull_request" data-hovercard-url="/kubernetes/kubernetes/pull/27208/hovercard" href="https://github.com/kubernetes/kubernetes/pull/27208">#27208</a> will require Docker to be version 1.9+.</p> <p dir="auto">The current image, <code class="notranslate">e2e-node-coreos-stable20160531-image</code> is based on CoreOS 835.13.0 and thus has docker v1.8.3.</p> <p dir="auto">An update to the current stable or alpha CoreOS image should unblock <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="159734706" data-permission-text="Title is private" data-url="https://github.com/kubernetes/kubernetes/issues/27208" data-hovercard-type="pull_request" data-hovercard-url="/kubernetes/kubernetes/pull/27208/hovercard" href="https://github.com/kubernetes/kubernetes/pull/27208">#27208</a>.</p> <p dir="auto">The process used to be roughly documented <a href="https://github.com/kubernetes/kubernetes/blob/e94e1c6e3de9dc0515827ff0c38abd032baf0b90%5E/docs/devel/e2e-node-tests.md#option-1-configuring-a-new-remote-host-from-scratch-for-testing">here</a> (and <a href="https://github.com/kubernetes/kubernetes/blob/e94e1c6e3de9dc0515827ff0c38abd032baf0b90%5E/docs/devel/e2e-node-tests.md#running-tests-against-a-gce-image">further down</a> on the same page).<br> Validate with <code class="notranslate">export IMAGES=myimage; export IMAGE_PROJECT=my-project; make test_e2e_node REMOTE=true</code>.</p> <p dir="auto">I'll get to this when I have spare cycles, but if someone wants to do it sooner that would be awesome too!</p> <p dir="auto">cc <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/yifan-gu/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/yifan-gu">@yifan-gu</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/aaronlevy/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/aaronlevy">@aaronlevy</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/tmrts/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/tmrts">@tmrts</a> if any of you feel like tackling it.<br> cc <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/pwittrock/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/pwittrock">@pwittrock</a> <a class="user-mention notranslate" data-hovercard-type="user" data-hovercard-url="/users/vishh/hovercard" data-octo-click="hovercard-link-click" data-octo-dimensions="link_type:self" href="https://github.com/vishh">@vishh</a> as well</p>
0
<p dir="auto">I know that this issue has been discussed many times before, and that it depends on Chromium integrating support for it. However, maybe there can be an easy workaround?</p> <p dir="auto">For example: track a force touch on the entire window rather than on a specific element, and have Electron fire events when it is detected?</p>
<p dir="auto">I'd like Electron to support Force Touch mainly for what is described here : <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="155284312" data-permission-text="Title is private" data-url="https://github.com/atom/atom/issues/11776" data-hovercard-type="issue" data-hovercard-url="/atom/atom/issues/11776/hovercard" href="https://github.com/atom/atom/issues/11776">atom/atom#11776</a>.</p> <p dir="auto">API should have function to receive Force Click/levels of pressure and to send Force Feedback.</p>
1
<p dir="auto">Tried fresh new build with Dart v1.10.1, Node v0.12.4 and deleted <code class="notranslate">node_modules</code>. After <code class="notranslate">npm install</code> and <code class="notranslate">gulp build</code> I get following stack trace (WARNING: really long stack trace):</p> <div class="highlight highlight-source-shell notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="sekibomazic@Sekibs-MBP ~/D/p/a/angular&gt; gulp build Dart SDK detected [13:18:42] Using gulpfile ~/Documents/projects/angular2/angular/gulpfile.js [13:18:42] Starting 'build/clean.js'... [13:18:42] Starting 'build/clean.tools'... [13:18:42] Finished 'build/clean.tools' after 1.03 ms [13:18:42] Starting 'build.tools'... [13:18:42] Starting '!build.tools'... [13:18:42] Starting 'build.dart'... [13:18:42] Starting 'build/packages.dart'... [13:18:42] Starting 'build/clean.dart'... [13:18:42] Starting 'build/clean.tools'... [13:18:42] Finished 'build/clean.tools' after 127 μs [13:18:42] Finished 'build/clean.js' after 125 ms [13:18:42] Starting 'build.js.dev'... [13:18:42] Starting 'build/clean.tools'... [13:18:42] Finished 'build/clean.tools' after 100 μs [13:18:42] Finished 'build/clean.dart' after 6.84 ms [13:18:46] Finished '!build.tools' after 3.23 s [13:18:46] Finished 'build.tools' after 3.23 s [13:18:46] Starting 'broccoli.js.dev'... [13:18:46] Starting '!broccoli.js.dev'... [13:18:46] Starting 'build/tree.dart'... [13:18:46] Starting '!build/tree.dart'... [13:18:46] Starting 'build.js.prod'... [13:18:46] Starting 'build.js.cjs'... [13:18:46] Starting '!build.js.cjs'... Tree diff: DiffingTraceurCompiler, 38ms, 57 changes (files: 57, dirs: 180) Tree diff: TSToDartTranspiler, 29ms, 411 changes (files: 411, dirs: 211) Tree diff: DiffingTraceurCompiler, 45ms, 66 changes (files: 66, dirs: 232) Tree diff: DiffingTraceurCompiler, 27ms, 66 changes (files: 66, dirs: 232) Tree diff: DartFormatter, 31ms, 565 changes (files: 565, dirs: 202) Tree diff: DiffingTSCompiler, 32ms, 345 changes (files: 345, dirs: 232) Tree diff: DiffingTSCompiler, 44ms, 345 changes (files: 345, dirs: 232) Tree diff: DiffingTSCompiler, 24ms, 307 changes (files: 307, dirs: 180) /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14357,5): Duplicate identifier 'clientX'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14358,5): Duplicate identifier 'clientY'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14359,5): Duplicate identifier 'identifier'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14360,5): Duplicate identifier 'pageX'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14361,5): Duplicate identifier 'pageY'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14362,5): Duplicate identifier 'screenX'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14363,5): Duplicate identifier 'screenY'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14364,5): Duplicate identifier 'target'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14373,5): Duplicate identifier 'altKey'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14374,5): Duplicate identifier 'changedTouches'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14375,5): Duplicate identifier 'ctrlKey'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14376,5): Duplicate identifier 'metaKey'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14377,5): Duplicate identifier 'shiftKey'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14378,5): Duplicate identifier 'targetTouches'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14379,5): Duplicate identifier 'touches'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14388,5): Duplicate identifier 'length'. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14389,5): Duplicate identifier 'item'. angular2/typings/touch-events/touch-events.d.ts (7,5): Duplicate identifier 'touches'. angular2/typings/touch-events/touch-events.d.ts (8,5): Duplicate identifier 'targetTouches'. angular2/typings/touch-events/touch-events.d.ts (9,5): Duplicate identifier 'changedTouches'. angular2/typings/touch-events/touch-events.d.ts (10,5): Duplicate identifier 'altKey'. angular2/typings/touch-events/touch-events.d.ts (11,5): Duplicate identifier 'metaKey'. angular2/typings/touch-events/touch-events.d.ts (12,5): Duplicate identifier 'ctrlKey'. angular2/typings/touch-events/touch-events.d.ts (13,5): Duplicate identifier 'shiftKey'. angular2/typings/touch-events/touch-events.d.ts (17,5): Duplicate identifier 'length'. angular2/typings/touch-events/touch-events.d.ts (18,5): Duplicate identifier 'item'. angular2/typings/touch-events/touch-events.d.ts (19,5): Duplicate number index signature. angular2/typings/touch-events/touch-events.d.ts (23,5): Duplicate identifier 'identifier'. angular2/typings/touch-events/touch-events.d.ts (24,5): Duplicate identifier 'target'. angular2/typings/touch-events/touch-events.d.ts (25,5): Duplicate identifier 'screenX'. angular2/typings/touch-events/touch-events.d.ts (26,5): Duplicate identifier 'screenY'. angular2/typings/touch-events/touch-events.d.ts (27,5): Duplicate identifier 'clientX'. angular2/typings/touch-events/touch-events.d.ts (28,5): Duplicate identifier 'clientY'. angular2/typings/touch-events/touch-events.d.ts (29,5): Duplicate identifier 'pageX'. angular2/typings/touch-events/touch-events.d.ts (30,5): Duplicate identifier 'pageY'. Error: [DiffingTSCompiler]: Typescript found errors listed above... Error: [DiffingTSCompiler]: Typescript found errors listed above... at DiffingTSCompiler.doFullBuild (/Users/sekibomazic/Documents/projects/angular2/angular/broccoli-typescript.ts:145:15) at DiffingTSCompiler.rebuild (/Users/sekibomazic/Documents/projects/angular2/angular/broccoli-typescript.ts:76:12) at DiffingPluginWrapper.rebuild (/Users/sekibomazic/Documents/projects/angular2/angular/diffing-broccoli-plugin.ts:72:47) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/lib/api_compat.js:42:21 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1095:13 at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] '!build.js.cjs' errored after 29 s [13:19:15] Error: [DiffingTSCompiler]: Typescript found errors listed above... at DiffingTSCompiler.doFullBuild (/Users/sekibomazic/Documents/projects/angular2/angular/broccoli-typescript.ts:145:15) at DiffingTSCompiler.rebuild (/Users/sekibomazic/Documents/projects/angular2/angular/broccoli-typescript.ts:76:12) at DiffingPluginWrapper.rebuild (/Users/sekibomazic/Documents/projects/angular2/angular/diffing-broccoli-plugin.ts:72:47) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/lib/api_compat.js:42:21 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1095:13 at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build.dart' errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build/packages.dart' errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build.js.dev' errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'broccoli.js.dev' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build/tree.dart' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build.js.cjs' errored after 29 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build.js.cjs' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build/tree.dart' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build.js.cjs' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'broccoli.js.dev' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build/tree.dart' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build.js.cjs' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build.js.dev' errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'broccoli.js.dev' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build/tree.dart' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build.js.cjs' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build/packages.dart' errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build.js.dev' errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'broccoli.js.dev' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build/tree.dart' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] 'build.js.cjs' errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.&lt;anonymous&gt; (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib$rsvp$$internal$$tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib$rsvp$$internal$$invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib$rsvp$$internal$$publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib$rsvp$$internal$$publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib$rsvp$asap$$flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) Tree diff: DiffingTraceurCompiler, 58ms, 411 changes (files: 411, dirs: 127) Tree diff: DiffingTraceurCompiler, 48ms, 411 changes (files: 411, dirs: 127) Tree diff: DestCopy, 93ms, 2272 changes (files: 2272, dirs: 260) Tree diff: DestCopy, 231ms, 2272 changes (files: 2272, dirs: 260) Slowest Trees | Total ----------------------------------------------+--------------------- DiffingTraceurCompiler | 13255ms DiffingTSCompiler | 13076ms Funnel | 8243ms TreeMerger | 4742ms DestCopy | 2835ms Slowest Trees (cumulative) | Total (avg) ----------------------------------------------+--------------------- DiffingTraceurCompiler (2) | 14659ms (7329 ms) DiffingTSCompiler (1) | 13076ms Funnel (69) | 9457ms (137 ms) TreeMerger (7) | 6851ms (978 ms) DestCopy (1) | 2835ms Slowest Trees | Total ----------------------------------------------+--------------------- DiffingTraceurCompiler | 13255ms DiffingTSCompiler | 13076ms Funnel | 8243ms TreeMerger | 4742ms DestCopy | 2835ms Slowest Trees (cumulative) | Total (avg) ----------------------------------------------+--------------------- DiffingTraceurCompiler (2) | 14659ms (7329 ms) DiffingTSCompiler (1) | 13076ms Funnel (69) | 9457ms (137 ms) TreeMerger (7) | 6852ms (978 ms) DestCopy (1) | 2835ms [13:19:34] Finished '!broccoli.js.dev' after 48 s [13:19:34] Finished 'build.js.prod' after 48 s Tree diff: DestCopy, 46ms, 756 changes (files: 756, dirs: 265) Slowest Trees | Total ----------------------------------------------+--------------------- DartFormatter | 40912ms TSToDartTranspiler | 4199ms Slowest Trees (cumulative) | Total (avg) ----------------------------------------------+--------------------- DartFormatter (1) | 40912ms TSToDartTranspiler (1) | 4199ms [13:19:35] Finished '!build/tree.dart' after 49 s [13:19:35] Starting 'cleanup.builder'..."><pre class="notranslate">sekibomazic@Sekibs-MBP <span class="pl-k">~</span>/D/p/a/angular<span class="pl-k">&gt;</span> gulp build Dart SDK detected [13:18:42] Using gulpfile <span class="pl-k">~</span>/Documents/projects/angular2/angular/gulpfile.js [13:18:42] Starting <span class="pl-s"><span class="pl-pds">'</span>build/clean.js<span class="pl-pds">'</span></span>... [13:18:42] Starting <span class="pl-s"><span class="pl-pds">'</span>build/clean.tools<span class="pl-pds">'</span></span>... [13:18:42] Finished <span class="pl-s"><span class="pl-pds">'</span>build/clean.tools<span class="pl-pds">'</span></span> after 1.03 ms [13:18:42] Starting <span class="pl-s"><span class="pl-pds">'</span>build.tools<span class="pl-pds">'</span></span>... [13:18:42] Starting <span class="pl-s"><span class="pl-pds">'</span>!build.tools<span class="pl-pds">'</span></span>... [13:18:42] Starting <span class="pl-s"><span class="pl-pds">'</span>build.dart<span class="pl-pds">'</span></span>... [13:18:42] Starting <span class="pl-s"><span class="pl-pds">'</span>build/packages.dart<span class="pl-pds">'</span></span>... [13:18:42] Starting <span class="pl-s"><span class="pl-pds">'</span>build/clean.dart<span class="pl-pds">'</span></span>... [13:18:42] Starting <span class="pl-s"><span class="pl-pds">'</span>build/clean.tools<span class="pl-pds">'</span></span>... [13:18:42] Finished <span class="pl-s"><span class="pl-pds">'</span>build/clean.tools<span class="pl-pds">'</span></span> after 127 μs [13:18:42] Finished <span class="pl-s"><span class="pl-pds">'</span>build/clean.js<span class="pl-pds">'</span></span> after 125 ms [13:18:42] Starting <span class="pl-s"><span class="pl-pds">'</span>build.js.dev<span class="pl-pds">'</span></span>... [13:18:42] Starting <span class="pl-s"><span class="pl-pds">'</span>build/clean.tools<span class="pl-pds">'</span></span>... [13:18:42] Finished <span class="pl-s"><span class="pl-pds">'</span>build/clean.tools<span class="pl-pds">'</span></span> after 100 μs [13:18:42] Finished <span class="pl-s"><span class="pl-pds">'</span>build/clean.dart<span class="pl-pds">'</span></span> after 6.84 ms [13:18:46] Finished <span class="pl-s"><span class="pl-pds">'</span>!build.tools<span class="pl-pds">'</span></span> after 3.23 s [13:18:46] Finished <span class="pl-s"><span class="pl-pds">'</span>build.tools<span class="pl-pds">'</span></span> after 3.23 s [13:18:46] Starting <span class="pl-s"><span class="pl-pds">'</span>broccoli.js.dev<span class="pl-pds">'</span></span>... [13:18:46] Starting <span class="pl-s"><span class="pl-pds">'</span>!broccoli.js.dev<span class="pl-pds">'</span></span>... [13:18:46] Starting <span class="pl-s"><span class="pl-pds">'</span>build/tree.dart<span class="pl-pds">'</span></span>... [13:18:46] Starting <span class="pl-s"><span class="pl-pds">'</span>!build/tree.dart<span class="pl-pds">'</span></span>... [13:18:46] Starting <span class="pl-s"><span class="pl-pds">'</span>build.js.prod<span class="pl-pds">'</span></span>... [13:18:46] Starting <span class="pl-s"><span class="pl-pds">'</span>build.js.cjs<span class="pl-pds">'</span></span>... [13:18:46] Starting <span class="pl-s"><span class="pl-pds">'</span>!build.js.cjs<span class="pl-pds">'</span></span>... Tree diff: DiffingTraceurCompiler, 38ms, 57 changes (files: 57, dirs: 180) Tree diff: TSToDartTranspiler, 29ms, 411 changes (files: 411, dirs: 211) Tree diff: DiffingTraceurCompiler, 45ms, 66 changes (files: 66, dirs: 232) Tree diff: DiffingTraceurCompiler, 27ms, 66 changes (files: 66, dirs: 232) Tree diff: DartFormatter, 31ms, 565 changes (files: 565, dirs: 202) Tree diff: DiffingTSCompiler, 32ms, 345 changes (files: 345, dirs: 232) Tree diff: DiffingTSCompiler, 44ms, 345 changes (files: 345, dirs: 232) Tree diff: DiffingTSCompiler, 24ms, 307 changes (files: 307, dirs: 180) /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14357,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>clientX<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14358,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>clientY<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14359,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>identifier<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14360,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>pageX<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14361,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>pageY<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14362,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>screenX<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14363,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>screenY<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14364,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>target<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14373,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>altKey<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14374,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>changedTouches<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14375,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>ctrlKey<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14376,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>metaKey<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14377,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>shiftKey<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14378,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>targetTouches<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14379,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>touches<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14388,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>length<span class="pl-pds">'</span></span>. /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/typescript/bin/lib.d.ts (14389,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>item<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (7,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>touches<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (8,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>targetTouches<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (9,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>changedTouches<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (10,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>altKey<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (11,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>metaKey<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (12,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>ctrlKey<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (13,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>shiftKey<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (17,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>length<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (18,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>item<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (19,5): Duplicate number index signature. angular2/typings/touch-events/touch-events.d.ts (23,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>identifier<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (24,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>target<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (25,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>screenX<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (26,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>screenY<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (27,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>clientX<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (28,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>clientY<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (29,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>pageX<span class="pl-pds">'</span></span>. angular2/typings/touch-events/touch-events.d.ts (30,5): Duplicate identifier <span class="pl-s"><span class="pl-pds">'</span>pageY<span class="pl-pds">'</span></span>. Error: [DiffingTSCompiler]: Typescript found errors listed above... Error: [DiffingTSCompiler]: Typescript found errors listed above... at DiffingTSCompiler.doFullBuild (/Users/sekibomazic/Documents/projects/angular2/angular/broccoli-typescript.ts:145:15) at DiffingTSCompiler.rebuild (/Users/sekibomazic/Documents/projects/angular2/angular/broccoli-typescript.ts:76:12) at DiffingPluginWrapper.rebuild (/Users/sekibomazic/Documents/projects/angular2/angular/diffing-broccoli-plugin.ts:72:47) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/lib/api_compat.js:42:21 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1095:13 at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>!build.js.cjs<span class="pl-pds">'</span></span> errored after 29 s [13:19:15] Error: [DiffingTSCompiler]: Typescript found errors listed above... at DiffingTSCompiler.doFullBuild (/Users/sekibomazic/Documents/projects/angular2/angular/broccoli-typescript.ts:145:15) at DiffingTSCompiler.rebuild (/Users/sekibomazic/Documents/projects/angular2/angular/broccoli-typescript.ts:76:12) at DiffingPluginWrapper.rebuild (/Users/sekibomazic/Documents/projects/angular2/angular/diffing-broccoli-plugin.ts:72:47) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/lib/api_compat.js:42:21 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1095:13 at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build.dart<span class="pl-pds">'</span></span> errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build/packages.dart<span class="pl-pds">'</span></span> errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build.js.dev<span class="pl-pds">'</span></span> errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>broccoli.js.dev<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build/tree.dart<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build.js.cjs<span class="pl-pds">'</span></span> errored after 29 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build.js.cjs<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build/tree.dart<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build.js.cjs<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>broccoli.js.dev<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build/tree.dart<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build.js.cjs<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build.js.dev<span class="pl-pds">'</span></span> errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>broccoli.js.dev<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build/tree.dart<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build.js.cjs<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build/packages.dart<span class="pl-pds">'</span></span> errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build.js.dev<span class="pl-pds">'</span></span> errored after 33 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>broccoli.js.dev<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build/tree.dart<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) [13:19:15] <span class="pl-s"><span class="pl-pds">'</span>build.js.cjs<span class="pl-pds">'</span></span> errored after 30 s [13:19:15] Error: [object Object] at formatError (/usr/local/lib/node_modules/gulp/bin/gulp.js:169:10) at Gulp.<span class="pl-k">&lt;</span>anonymous<span class="pl-k">&gt;</span> (/usr/local/lib/node_modules/gulp/bin/gulp.js:195:15) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at cb (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:29:3) at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:53:5) at Gulp.onError (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/run-sequence/index.js:60:4) at Gulp.emit (events.js:129:20) at Gulp.Orchestrator._emitTaskDone (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:264:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/index.js:275:23 at finish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:21:8) at /Users/sekibomazic/Documents/projects/angular2/angular/node_modules/gulp/node_modules/orchestrator/lib/runTask.js:45:4 at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>tryCatch (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:489:16) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>invokeCallback (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:501:17) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publish (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:472:11) at lib<span class="pl-smi">$rsvp</span><span class="pl-smi">$$</span>internal<span class="pl-smi">$$</span>publishRejection (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:415:7) at lib<span class="pl-smi">$rsvp$asap</span><span class="pl-smi">$$</span>flush (/Users/sekibomazic/Documents/projects/angular2/angular/node_modules/broccoli/node_modules/rsvp/dist/rsvp.js:1290:9) at process._tickCallback (node.js:355:11) Tree diff: DiffingTraceurCompiler, 58ms, 411 changes (files: 411, dirs: 127) Tree diff: DiffingTraceurCompiler, 48ms, 411 changes (files: 411, dirs: 127) Tree diff: DestCopy, 93ms, 2272 changes (files: 2272, dirs: 260) Tree diff: DestCopy, 231ms, 2272 changes (files: 2272, dirs: 260) Slowest Trees <span class="pl-k">|</span> Total ----------------------------------------------+--------------------- DiffingTraceurCompiler <span class="pl-k">|</span> 13255ms DiffingTSCompiler <span class="pl-k">|</span> 13076ms Funnel <span class="pl-k">|</span> 8243ms TreeMerger <span class="pl-k">|</span> 4742ms DestCopy <span class="pl-k">|</span> 2835ms Slowest Trees (cumulative) <span class="pl-k">|</span> Total (avg) ----------------------------------------------+--------------------- DiffingTraceurCompiler (2) <span class="pl-k">|</span> 14659ms (7329 ms) DiffingTSCompiler (1) <span class="pl-k">|</span> 13076ms Funnel (69) <span class="pl-k">|</span> 9457ms (137 ms) TreeMerger (7) <span class="pl-k">|</span> 6851ms (978 ms) DestCopy (1) <span class="pl-k">|</span> 2835ms Slowest Trees <span class="pl-k">|</span> Total ----------------------------------------------+--------------------- DiffingTraceurCompiler <span class="pl-k">|</span> 13255ms DiffingTSCompiler <span class="pl-k">|</span> 13076ms Funnel <span class="pl-k">|</span> 8243ms TreeMerger <span class="pl-k">|</span> 4742ms DestCopy <span class="pl-k">|</span> 2835ms Slowest Trees (cumulative) <span class="pl-k">|</span> Total (avg) ----------------------------------------------+--------------------- DiffingTraceurCompiler (2) <span class="pl-k">|</span> 14659ms (7329 ms) DiffingTSCompiler (1) <span class="pl-k">|</span> 13076ms Funnel (69) <span class="pl-k">|</span> 9457ms (137 ms) TreeMerger (7) <span class="pl-k">|</span> 6852ms (978 ms) DestCopy (1) <span class="pl-k">|</span> 2835ms [13:19:34] Finished <span class="pl-s"><span class="pl-pds">'</span>!broccoli.js.dev<span class="pl-pds">'</span></span> after 48 s [13:19:34] Finished <span class="pl-s"><span class="pl-pds">'</span>build.js.prod<span class="pl-pds">'</span></span> after 48 s Tree diff: DestCopy, 46ms, 756 changes (files: 756, dirs: 265) Slowest Trees <span class="pl-k">|</span> Total ----------------------------------------------+--------------------- DartFormatter <span class="pl-k">|</span> 40912ms TSToDartTranspiler <span class="pl-k">|</span> 4199ms Slowest Trees (cumulative) <span class="pl-k">|</span> Total (avg) ----------------------------------------------+--------------------- DartFormatter (1) <span class="pl-k">|</span> 40912ms TSToDartTranspiler (1) <span class="pl-k">|</span> 4199ms [13:19:35] Finished <span class="pl-s"><span class="pl-pds">'</span>!build/tree.dart<span class="pl-pds">'</span></span> after 49 s [13:19:35] Starting <span class="pl-s"><span class="pl-pds">'</span>cleanup.builder<span class="pl-pds">'</span></span>...</pre></div> <p dir="auto">The <code class="notranslate">dist/js</code> gets updated though.</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 [ ] feature request [ ] support request =&gt; 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 [ ] feature request [ ] support request =&gt; 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> The quick start guide is missing the Styles.css file. This file is referenced but no where in the "walkthrough" is it described. I got it from the Plunker version of the demo.</p> <p dir="auto"><strong>Expected/desired behavior</strong><br> The Styles.css file should be created as one of the steps of the walkthrough.</p> <p dir="auto"><strong>Reproduction of the problem</strong><br> Just walk through the walkthrough steps and the browser will throw an error due to its inability to find the referenced Styles.css file (referenced in Index.html)</p> <p dir="auto"><strong>What is the expected behavior?</strong><br> The file should simply exist and no error should be thrown.</p> <p dir="auto"><strong>What is the motivation / use case for changing the behavior?</strong><br> ...</p> <p dir="auto"><strong>Please tell us about your environment:</strong><br> Any</p> <ul dir="auto"> <li><strong>Angular version:</strong> 2.0.0-rc.X</li> <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> <li><strong>Language:</strong> [all | TypeScript X.X | ES6/7 | ES5 | Dart]</li> </ul>
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/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.x</li> <li>Operating System version: OSX 10.14</li> <li>Java version: 1.8</li> </ul> <h3 dir="auto">Steps to reproduce this issue</h3> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="@Test public void testGenericAsyncInvoke() throws InterruptedException, ExecutionException { HttpServiceImpl server = new HttpServiceImpl(); Assertions.assertFalse(server.isCalled()); ProxyFactory proxyFactory = ExtensionLoader.getExtensionLoader(ProxyFactory.class).getAdaptiveExtension(); Protocol protocol = ExtensionLoader.getExtensionLoader(Protocol.class).getAdaptiveExtension(); int port = NetUtils.getAvailablePort(); URL url = URL.valueOf(&quot;http://127.0.0.1:&quot; + port + &quot;/&quot; + HttpService.class.getName() + &quot;?release=2.7.0&quot;); Exporter&lt;HttpService&gt; exporter = protocol.export(proxyFactory.getInvoker(server, HttpService.class, url)); Invoker&lt;GenericService&gt; invoker = protocol.refer(GenericService.class, url); GenericService client = proxyFactory.getProxy(invoker, true); CompletableFuture future = client.$invokeAsync(&quot;sayHello&quot;, new String[]{&quot;java.lang.String&quot;}, new Object[]{&quot;haha&quot;}); Assertions.assertTrue(server.isCalled()); Assertions.assertEquals(&quot;Hello, haha&quot;, future.get()); invoker.destroy(); exporter.unexport(); }"><pre class="notranslate"><code class="notranslate">@Test public void testGenericAsyncInvoke() throws InterruptedException, ExecutionException { HttpServiceImpl server = new HttpServiceImpl(); Assertions.assertFalse(server.isCalled()); ProxyFactory proxyFactory = ExtensionLoader.getExtensionLoader(ProxyFactory.class).getAdaptiveExtension(); Protocol protocol = ExtensionLoader.getExtensionLoader(Protocol.class).getAdaptiveExtension(); int port = NetUtils.getAvailablePort(); URL url = URL.valueOf("http://127.0.0.1:" + port + "/" + HttpService.class.getName() + "?release=2.7.0"); Exporter&lt;HttpService&gt; exporter = protocol.export(proxyFactory.getInvoker(server, HttpService.class, url)); Invoker&lt;GenericService&gt; invoker = protocol.refer(GenericService.class, url); GenericService client = proxyFactory.getProxy(invoker, true); CompletableFuture future = client.$invokeAsync("sayHello", new String[]{"java.lang.String"}, new Object[]{"haha"}); Assertions.assertTrue(server.isCalled()); Assertions.assertEquals("Hello, haha", future.get()); invoker.destroy(); exporter.unexport(); } </code></pre></div> <p dir="auto">Pls. provide [GitHub address] to reproduce this issue.</p> <h3 dir="auto">Expected Result</h3> <p dir="auto">Test passed</p> <h3 dir="auto">Actual Result</h3> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="警告: Error in JSON-RPC Service java.lang.reflect.InvocationTargetException 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:498) at com.googlecode.jsonrpc4j.JsonRpcBasicServer.invoke(JsonRpcBasicServer.java:491) at com.googlecode.jsonrpc4j.JsonRpcBasicServer.handleObject(JsonRpcBasicServer.java:347) at com.googlecode.jsonrpc4j.JsonRpcBasicServer.handleNode(JsonRpcBasicServer.java:242) at com.googlecode.jsonrpc4j.JsonRpcBasicServer.handle(JsonRpcBasicServer.java:178) at org.apache.dubbo.rpc.protocol.http.HttpProtocol$InternalHandler.handle(HttpProtocol.java:94) at org.apache.dubbo.remoting.http.servlet.DispatcherServlet.service(DispatcherServlet.java:61) at javax.servlet.http.HttpServlet.service(HttpServlet.java:790) at org.eclipse.jetty.servlet.ServletHolder.handle(ServletHolder.java:865) at org.eclipse.jetty.servlet.ServletHandler.doHandle(ServletHandler.java:535) at org.eclipse.jetty.server.handler.ScopedHandler.nextHandle(ScopedHandler.java:255) at org.eclipse.jetty.server.session.SessionHandler.doHandle(SessionHandler.java:1595) at org.eclipse.jetty.server.handler.ScopedHandler.nextHandle(ScopedHandler.java:255) at org.eclipse.jetty.server.handler.ContextHandler.doHandle(ContextHandler.java:1317) at org.eclipse.jetty.server.handler.ScopedHandler.nextScope(ScopedHandler.java:203) at org.eclipse.jetty.servlet.ServletHandler.doScope(ServletHandler.java:473) at org.eclipse.jetty.server.session.SessionHandler.doScope(SessionHandler.java:1564) at org.eclipse.jetty.server.handler.ScopedHandler.nextScope(ScopedHandler.java:201) at org.eclipse.jetty.server.handler.ContextHandler.doScope(ContextHandler.java:1219) at org.eclipse.jetty.server.handler.ScopedHandler.handle(ScopedHandler.java:144) at org.eclipse.jetty.server.handler.HandlerWrapper.handle(HandlerWrapper.java:132) at org.eclipse.jetty.server.Server.handle(Server.java:531) at org.eclipse.jetty.server.HttpChannel.handle(HttpChannel.java:352) at org.eclipse.jetty.server.HttpConnection.onFillable(HttpConnection.java:260) at org.eclipse.jetty.io.AbstractConnection$ReadCallback.succeeded(AbstractConnection.java:281) at org.eclipse.jetty.io.FillInterest.fillable(FillInterest.java:102) at org.eclipse.jetty.io.ChannelEndPoint$2.run(ChannelEndPoint.java:118) at org.eclipse.jetty.util.thread.QueuedThreadPool.runJob(QueuedThreadPool.java:762) at org.eclipse.jetty.util.thread.QueuedThreadPool$2.run(QueuedThreadPool.java:680) at java.lang.Thread.run(Thread.java:748) Caused by: java.lang.ClassCastException: java.lang.String cannot be cast to java.util.concurrent.CompletableFuture at org.apache.dubbo.common.bytecode.proxy0.$invokeAsync(proxy0.java) ... 33 more java.util.concurrent.ExecutionException: java.lang.ClassCastException: java.lang.String cannot be cast to java.util.concurrent.CompletableFuture at java.util.concurrent.CompletableFuture.reportGet(CompletableFuture.java:357) at java.util.concurrent.CompletableFuture.get(CompletableFuture.java:1895) at org.apache.dubbo.rpc.protocol.dubbo.FutureAdapter.get(FutureAdapter.java:79) at org.apache.dubbo.rpc.protocol.http.HttpProtocolTest.testGenericAsyncInvoke(HttpProtocolTest.java:108) 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:498) at org.junit.platform.commons.util.ReflectionUtils.invokeMethod(ReflectionUtils.java:686) at org.junit.jupiter.engine.execution.MethodInvocation.proceed(MethodInvocation.java:60) at org.junit.jupiter.engine.execution.InvocationInterceptorChain$ValidatingInvocation.proceed(InvocationInterceptorChain.java:131) at org.junit.jupiter.engine.extension.TimeoutExtension.intercept(TimeoutExtension.java:149) at org.junit.jupiter.engine.extension.TimeoutExtension.interceptTestableMethod(TimeoutExtension.java:140) at org.junit.jupiter.engine.extension.TimeoutExtension.interceptTestMethod(TimeoutExtension.java:84) at org.junit.jupiter.engine.execution.ExecutableInvoker$ReflectiveInterceptorCall.lambda$ofVoidMethod$0(ExecutableInvoker.java:115) at org.junit.jupiter.engine.execution.ExecutableInvoker.lambda$invoke$0(ExecutableInvoker.java:105) at org.junit.jupiter.engine.execution.InvocationInterceptorChain$InterceptedInvocation.proceed(InvocationInterceptorChain.java:106) at org.junit.jupiter.engine.execution.InvocationInterceptorChain.proceed(InvocationInterceptorChain.java:64) at org.junit.jupiter.engine.execution.InvocationInterceptorChain.chainAndInvoke(InvocationInterceptorChain.java:45) at org.junit.jupiter.engine.execution.InvocationInterceptorChain.invoke(InvocationInterceptorChain.java:37) at org.junit.jupiter.engine.execution.ExecutableInvoker.invoke(ExecutableInvoker.java:104) at org.junit.jupiter.engine.execution.ExecutableInvoker.invoke(ExecutableInvoker.java:98) at org.junit.jupiter.engine.descriptor.TestMethodTestDescriptor.lambda$invokeTestMethod$6(TestMethodTestDescriptor.java:205) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.jupiter.engine.descriptor.TestMethodTestDescriptor.invokeTestMethod(TestMethodTestDescriptor.java:201) at org.junit.jupiter.engine.descriptor.TestMethodTestDescriptor.execute(TestMethodTestDescriptor.java:137) at org.junit.jupiter.engine.descriptor.TestMethodTestDescriptor.execute(TestMethodTestDescriptor.java:71) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$5(NodeTestTask.java:135) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$7(NodeTestTask.java:125) at org.junit.platform.engine.support.hierarchical.Node.around(Node.java:135) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$8(NodeTestTask.java:123) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.executeRecursively(NodeTestTask.java:122) at org.junit.platform.engine.support.hierarchical.NodeTestTask.execute(NodeTestTask.java:80) at java.util.ArrayList.forEach(ArrayList.java:1257) at org.junit.platform.engine.support.hierarchical.SameThreadHierarchicalTestExecutorService.invokeAll(SameThreadHierarchicalTestExecutorService.java:38) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$5(NodeTestTask.java:139) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$7(NodeTestTask.java:125) at org.junit.platform.engine.support.hierarchical.Node.around(Node.java:135) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$8(NodeTestTask.java:123) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.executeRecursively(NodeTestTask.java:122) at org.junit.platform.engine.support.hierarchical.NodeTestTask.execute(NodeTestTask.java:80) at java.util.ArrayList.forEach(ArrayList.java:1257) at org.junit.platform.engine.support.hierarchical.SameThreadHierarchicalTestExecutorService.invokeAll(SameThreadHierarchicalTestExecutorService.java:38) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$5(NodeTestTask.java:139) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$7(NodeTestTask.java:125) at org.junit.platform.engine.support.hierarchical.Node.around(Node.java:135) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$8(NodeTestTask.java:123) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.executeRecursively(NodeTestTask.java:122) at org.junit.platform.engine.support.hierarchical.NodeTestTask.execute(NodeTestTask.java:80) at org.junit.platform.engine.support.hierarchical.SameThreadHierarchicalTestExecutorService.submit(SameThreadHierarchicalTestExecutorService.java:32) at org.junit.platform.engine.support.hierarchical.HierarchicalTestExecutor.execute(HierarchicalTestExecutor.java:57) at org.junit.platform.engine.support.hierarchical.HierarchicalTestEngine.execute(HierarchicalTestEngine.java:51) at org.junit.platform.launcher.core.DefaultLauncher.execute(DefaultLauncher.java:248) at org.junit.platform.launcher.core.DefaultLauncher.lambda$execute$5(DefaultLauncher.java:211) at org.junit.platform.launcher.core.DefaultLauncher.withInterceptedStreams(DefaultLauncher.java:226) at org.junit.platform.launcher.core.DefaultLauncher.execute(DefaultLauncher.java:199) at org.junit.platform.launcher.core.DefaultLauncher.execute(DefaultLauncher.java:132) at com.intellij.junit5.JUnit5IdeaTestRunner.startRunnerWithArgs(JUnit5IdeaTestRunner.java:69) at com.intellij.rt.execution.junit.IdeaTestRunner$Repeater.startRunnerWithArgs(IdeaTestRunner.java:47) at com.intellij.rt.execution.junit.JUnitStarter.prepareStreamsAndStart(JUnitStarter.java:242) at com.intellij.rt.execution.junit.JUnitStarter.main(JUnitStarter.java:70) Caused by: java.lang.ClassCastException: java.lang.String cannot be cast to java.util.concurrent.CompletableFuture at sun.reflect.NativeConstructorAccessorImpl.newInstance0(Native Method) at sun.reflect.NativeConstructorAccessorImpl.newInstance(NativeConstructorAccessorImpl.java:62) at sun.reflect.DelegatingConstructorAccessorImpl.newInstance(DelegatingConstructorAccessorImpl.java:45) at java.lang.reflect.Constructor.newInstance(Constructor.java:423) at com.googlecode.jsonrpc4j.DefaultExceptionResolver.createThrowable(DefaultExceptionResolver.java:162) at com.googlecode.jsonrpc4j.DefaultExceptionResolver.resolveException(DefaultExceptionResolver.java:82) at com.googlecode.jsonrpc4j.JsonRpcClient.readResponse(JsonRpcClient.java:345) at com.googlecode.jsonrpc4j.JsonRpcClient.readResponse(JsonRpcClient.java:285) at com.googlecode.jsonrpc4j.JsonRpcHttpClient.invoke(JsonRpcHttpClient.java:161) at com.googlecode.jsonrpc4j.spring.JsonProxyFactoryBean.invoke(JsonProxyFactoryBean.java:136) at org.springframework.aop.framework.ReflectiveMethodInvocation.proceed(ReflectiveMethodInvocation.java:179) at org.springframework.aop.framework.JdkDynamicAopProxy.invoke(JdkDynamicAopProxy.java:213) at com.sun.proxy.$Proxy13.$invokeAsync(Unknown Source) at org.apache.dubbo.common.bytecode.Wrapper1.invokeMethod(Wrapper1.java) at org.apache.dubbo.rpc.proxy.javassist.JavassistProxyFactory$1.doInvoke(JavassistProxyFactory.java:47) at org.apache.dubbo.rpc.proxy.AbstractProxyInvoker.invoke(AbstractProxyInvoker.java:84) at org.apache.dubbo.rpc.protocol.AbstractProxyProtocol$2.doInvoke(AbstractProxyProtocol.java:113) at org.apache.dubbo.rpc.protocol.AbstractInvoker.invoke(AbstractInvoker.java:163) at org.apache.dubbo.rpc.protocol.AsyncToSyncInvoker.invoke(AsyncToSyncInvoker.java:52) at org.apache.dubbo.rpc.listener.ListenerInvokerWrapper.invoke(ListenerInvokerWrapper.java:78) at org.apache.dubbo.rpc.filter.ConsumerContextFilter.invoke(ConsumerContextFilter.java:69) at org.apache.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:83) at org.apache.dubbo.rpc.proxy.InvokerInvocationHandler.invoke(InvokerInvocationHandler.java:74) at org.apache.dubbo.common.bytecode.proxy1.$invokeAsync(proxy1.java) at org.apache.dubbo.rpc.protocol.http.HttpProtocolTest.testGenericAsyncInvoke(HttpProtocolTest.java:106) ... 63 more"><pre class="notranslate"><code class="notranslate">警告: Error in JSON-RPC Service java.lang.reflect.InvocationTargetException 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:498) at com.googlecode.jsonrpc4j.JsonRpcBasicServer.invoke(JsonRpcBasicServer.java:491) at com.googlecode.jsonrpc4j.JsonRpcBasicServer.handleObject(JsonRpcBasicServer.java:347) at com.googlecode.jsonrpc4j.JsonRpcBasicServer.handleNode(JsonRpcBasicServer.java:242) at com.googlecode.jsonrpc4j.JsonRpcBasicServer.handle(JsonRpcBasicServer.java:178) at org.apache.dubbo.rpc.protocol.http.HttpProtocol$InternalHandler.handle(HttpProtocol.java:94) at org.apache.dubbo.remoting.http.servlet.DispatcherServlet.service(DispatcherServlet.java:61) at javax.servlet.http.HttpServlet.service(HttpServlet.java:790) at org.eclipse.jetty.servlet.ServletHolder.handle(ServletHolder.java:865) at org.eclipse.jetty.servlet.ServletHandler.doHandle(ServletHandler.java:535) at org.eclipse.jetty.server.handler.ScopedHandler.nextHandle(ScopedHandler.java:255) at org.eclipse.jetty.server.session.SessionHandler.doHandle(SessionHandler.java:1595) at org.eclipse.jetty.server.handler.ScopedHandler.nextHandle(ScopedHandler.java:255) at org.eclipse.jetty.server.handler.ContextHandler.doHandle(ContextHandler.java:1317) at org.eclipse.jetty.server.handler.ScopedHandler.nextScope(ScopedHandler.java:203) at org.eclipse.jetty.servlet.ServletHandler.doScope(ServletHandler.java:473) at org.eclipse.jetty.server.session.SessionHandler.doScope(SessionHandler.java:1564) at org.eclipse.jetty.server.handler.ScopedHandler.nextScope(ScopedHandler.java:201) at org.eclipse.jetty.server.handler.ContextHandler.doScope(ContextHandler.java:1219) at org.eclipse.jetty.server.handler.ScopedHandler.handle(ScopedHandler.java:144) at org.eclipse.jetty.server.handler.HandlerWrapper.handle(HandlerWrapper.java:132) at org.eclipse.jetty.server.Server.handle(Server.java:531) at org.eclipse.jetty.server.HttpChannel.handle(HttpChannel.java:352) at org.eclipse.jetty.server.HttpConnection.onFillable(HttpConnection.java:260) at org.eclipse.jetty.io.AbstractConnection$ReadCallback.succeeded(AbstractConnection.java:281) at org.eclipse.jetty.io.FillInterest.fillable(FillInterest.java:102) at org.eclipse.jetty.io.ChannelEndPoint$2.run(ChannelEndPoint.java:118) at org.eclipse.jetty.util.thread.QueuedThreadPool.runJob(QueuedThreadPool.java:762) at org.eclipse.jetty.util.thread.QueuedThreadPool$2.run(QueuedThreadPool.java:680) at java.lang.Thread.run(Thread.java:748) Caused by: java.lang.ClassCastException: java.lang.String cannot be cast to java.util.concurrent.CompletableFuture at org.apache.dubbo.common.bytecode.proxy0.$invokeAsync(proxy0.java) ... 33 more java.util.concurrent.ExecutionException: java.lang.ClassCastException: java.lang.String cannot be cast to java.util.concurrent.CompletableFuture at java.util.concurrent.CompletableFuture.reportGet(CompletableFuture.java:357) at java.util.concurrent.CompletableFuture.get(CompletableFuture.java:1895) at org.apache.dubbo.rpc.protocol.dubbo.FutureAdapter.get(FutureAdapter.java:79) at org.apache.dubbo.rpc.protocol.http.HttpProtocolTest.testGenericAsyncInvoke(HttpProtocolTest.java:108) 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:498) at org.junit.platform.commons.util.ReflectionUtils.invokeMethod(ReflectionUtils.java:686) at org.junit.jupiter.engine.execution.MethodInvocation.proceed(MethodInvocation.java:60) at org.junit.jupiter.engine.execution.InvocationInterceptorChain$ValidatingInvocation.proceed(InvocationInterceptorChain.java:131) at org.junit.jupiter.engine.extension.TimeoutExtension.intercept(TimeoutExtension.java:149) at org.junit.jupiter.engine.extension.TimeoutExtension.interceptTestableMethod(TimeoutExtension.java:140) at org.junit.jupiter.engine.extension.TimeoutExtension.interceptTestMethod(TimeoutExtension.java:84) at org.junit.jupiter.engine.execution.ExecutableInvoker$ReflectiveInterceptorCall.lambda$ofVoidMethod$0(ExecutableInvoker.java:115) at org.junit.jupiter.engine.execution.ExecutableInvoker.lambda$invoke$0(ExecutableInvoker.java:105) at org.junit.jupiter.engine.execution.InvocationInterceptorChain$InterceptedInvocation.proceed(InvocationInterceptorChain.java:106) at org.junit.jupiter.engine.execution.InvocationInterceptorChain.proceed(InvocationInterceptorChain.java:64) at org.junit.jupiter.engine.execution.InvocationInterceptorChain.chainAndInvoke(InvocationInterceptorChain.java:45) at org.junit.jupiter.engine.execution.InvocationInterceptorChain.invoke(InvocationInterceptorChain.java:37) at org.junit.jupiter.engine.execution.ExecutableInvoker.invoke(ExecutableInvoker.java:104) at org.junit.jupiter.engine.execution.ExecutableInvoker.invoke(ExecutableInvoker.java:98) at org.junit.jupiter.engine.descriptor.TestMethodTestDescriptor.lambda$invokeTestMethod$6(TestMethodTestDescriptor.java:205) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.jupiter.engine.descriptor.TestMethodTestDescriptor.invokeTestMethod(TestMethodTestDescriptor.java:201) at org.junit.jupiter.engine.descriptor.TestMethodTestDescriptor.execute(TestMethodTestDescriptor.java:137) at org.junit.jupiter.engine.descriptor.TestMethodTestDescriptor.execute(TestMethodTestDescriptor.java:71) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$5(NodeTestTask.java:135) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$7(NodeTestTask.java:125) at org.junit.platform.engine.support.hierarchical.Node.around(Node.java:135) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$8(NodeTestTask.java:123) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.executeRecursively(NodeTestTask.java:122) at org.junit.platform.engine.support.hierarchical.NodeTestTask.execute(NodeTestTask.java:80) at java.util.ArrayList.forEach(ArrayList.java:1257) at org.junit.platform.engine.support.hierarchical.SameThreadHierarchicalTestExecutorService.invokeAll(SameThreadHierarchicalTestExecutorService.java:38) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$5(NodeTestTask.java:139) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$7(NodeTestTask.java:125) at org.junit.platform.engine.support.hierarchical.Node.around(Node.java:135) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$8(NodeTestTask.java:123) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.executeRecursively(NodeTestTask.java:122) at org.junit.platform.engine.support.hierarchical.NodeTestTask.execute(NodeTestTask.java:80) at java.util.ArrayList.forEach(ArrayList.java:1257) at org.junit.platform.engine.support.hierarchical.SameThreadHierarchicalTestExecutorService.invokeAll(SameThreadHierarchicalTestExecutorService.java:38) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$5(NodeTestTask.java:139) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$7(NodeTestTask.java:125) at org.junit.platform.engine.support.hierarchical.Node.around(Node.java:135) at org.junit.platform.engine.support.hierarchical.NodeTestTask.lambda$executeRecursively$8(NodeTestTask.java:123) at org.junit.platform.engine.support.hierarchical.ThrowableCollector.execute(ThrowableCollector.java:73) at org.junit.platform.engine.support.hierarchical.NodeTestTask.executeRecursively(NodeTestTask.java:122) at org.junit.platform.engine.support.hierarchical.NodeTestTask.execute(NodeTestTask.java:80) at org.junit.platform.engine.support.hierarchical.SameThreadHierarchicalTestExecutorService.submit(SameThreadHierarchicalTestExecutorService.java:32) at org.junit.platform.engine.support.hierarchical.HierarchicalTestExecutor.execute(HierarchicalTestExecutor.java:57) at org.junit.platform.engine.support.hierarchical.HierarchicalTestEngine.execute(HierarchicalTestEngine.java:51) at org.junit.platform.launcher.core.DefaultLauncher.execute(DefaultLauncher.java:248) at org.junit.platform.launcher.core.DefaultLauncher.lambda$execute$5(DefaultLauncher.java:211) at org.junit.platform.launcher.core.DefaultLauncher.withInterceptedStreams(DefaultLauncher.java:226) at org.junit.platform.launcher.core.DefaultLauncher.execute(DefaultLauncher.java:199) at org.junit.platform.launcher.core.DefaultLauncher.execute(DefaultLauncher.java:132) at com.intellij.junit5.JUnit5IdeaTestRunner.startRunnerWithArgs(JUnit5IdeaTestRunner.java:69) at com.intellij.rt.execution.junit.IdeaTestRunner$Repeater.startRunnerWithArgs(IdeaTestRunner.java:47) at com.intellij.rt.execution.junit.JUnitStarter.prepareStreamsAndStart(JUnitStarter.java:242) at com.intellij.rt.execution.junit.JUnitStarter.main(JUnitStarter.java:70) Caused by: java.lang.ClassCastException: java.lang.String cannot be cast to java.util.concurrent.CompletableFuture at sun.reflect.NativeConstructorAccessorImpl.newInstance0(Native Method) at sun.reflect.NativeConstructorAccessorImpl.newInstance(NativeConstructorAccessorImpl.java:62) at sun.reflect.DelegatingConstructorAccessorImpl.newInstance(DelegatingConstructorAccessorImpl.java:45) at java.lang.reflect.Constructor.newInstance(Constructor.java:423) at com.googlecode.jsonrpc4j.DefaultExceptionResolver.createThrowable(DefaultExceptionResolver.java:162) at com.googlecode.jsonrpc4j.DefaultExceptionResolver.resolveException(DefaultExceptionResolver.java:82) at com.googlecode.jsonrpc4j.JsonRpcClient.readResponse(JsonRpcClient.java:345) at com.googlecode.jsonrpc4j.JsonRpcClient.readResponse(JsonRpcClient.java:285) at com.googlecode.jsonrpc4j.JsonRpcHttpClient.invoke(JsonRpcHttpClient.java:161) at com.googlecode.jsonrpc4j.spring.JsonProxyFactoryBean.invoke(JsonProxyFactoryBean.java:136) at org.springframework.aop.framework.ReflectiveMethodInvocation.proceed(ReflectiveMethodInvocation.java:179) at org.springframework.aop.framework.JdkDynamicAopProxy.invoke(JdkDynamicAopProxy.java:213) at com.sun.proxy.$Proxy13.$invokeAsync(Unknown Source) at org.apache.dubbo.common.bytecode.Wrapper1.invokeMethod(Wrapper1.java) at org.apache.dubbo.rpc.proxy.javassist.JavassistProxyFactory$1.doInvoke(JavassistProxyFactory.java:47) at org.apache.dubbo.rpc.proxy.AbstractProxyInvoker.invoke(AbstractProxyInvoker.java:84) at org.apache.dubbo.rpc.protocol.AbstractProxyProtocol$2.doInvoke(AbstractProxyProtocol.java:113) at org.apache.dubbo.rpc.protocol.AbstractInvoker.invoke(AbstractInvoker.java:163) at org.apache.dubbo.rpc.protocol.AsyncToSyncInvoker.invoke(AsyncToSyncInvoker.java:52) at org.apache.dubbo.rpc.listener.ListenerInvokerWrapper.invoke(ListenerInvokerWrapper.java:78) at org.apache.dubbo.rpc.filter.ConsumerContextFilter.invoke(ConsumerContextFilter.java:69) at org.apache.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:83) at org.apache.dubbo.rpc.proxy.InvokerInvocationHandler.invoke(InvokerInvocationHandler.java:74) at org.apache.dubbo.common.bytecode.proxy1.$invokeAsync(proxy1.java) at org.apache.dubbo.rpc.protocol.http.HttpProtocolTest.testGenericAsyncInvoke(HttpProtocolTest.java:106) ... 63 more </code></pre></div>
<ul dir="auto"> <li>[ <g-emoji class="g-emoji" alias="ballot_box_with_check" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/2611.png">☑️</g-emoji>] 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>[ <g-emoji class="g-emoji" alias="ballot_box_with_check" fallback-src="https://github.githubassets.com/images/icons/emoji/unicode/2611.png">☑️</g-emoji>] 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.3~2.7.5</li> <li>Operating System version: MacOS</li> <li>Java version: 1.8</li> </ul> <h3 dir="auto">Steps to reproduce this issue</h3> <ol dir="auto"> <li>工程分4个子模块 api、common、consumer、provider</li> <li>自定义异常、状态码定义在common模块</li> <li>定义了两类自定义异常,一个BaseException直接继承RuntimeException;一个BaseRpcException继承RpcException。</li> <li>具体查看以下提供的示例工程</li> </ol> <p dir="auto">Pls. provide [GitHub address] to reproduce this issue.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="https://github.com/mbc3320/dubbo-demo-custom-exception.git"><pre class="notranslate"><code class="notranslate">https://github.com/mbc3320/dubbo-demo-custom-exception.git </code></pre></div> <h3 dir="auto">Expected Result</h3> <p dir="auto">consumer端能正常序列化自定义异常并正确抛出</p> <p dir="auto">What do you expected from the above steps?</p> <h3 dir="auto">Actual Result</h3> <p dir="auto">provider端抛出DemoException、DemoRpcException自定义异常,consumer端俘获并处理异常,测试了4种方式,都存在不同程度的问题<br> (1)继承BaseException的异常,方法不签名抛出异常类型,consumer端会直接序列化为RuntimeException,consumer只会调用一次Provider<br> (2)继承BaseException的异常,方法签名抛出BaseException,会序列化为RuntimeException,consumer只会调用一次Provider<br> (3)继承BaseException的异常,方法签名抛出DemoException,报空指针且序列化失败,consumer会调用三次Provider<br> (4)继承BaseRpcException的异常,方法不签名抛出异常类型,报空指针且序列化失败,consumer会调用三次Provider<br> (5)如果dubbo.provider.filter设置了-exception,则所有以上情况,结果都会跟(4)一样,报空指针且序列化失败,consumer会调用三次Provider<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/5523726/75736696-dcab7f80-5d38-11ea-8449-3c5bec4143b9.png"><img src="https://user-images.githubusercontent.com/5523726/75736696-dcab7f80-5d38-11ea-8449-3c5bec4143b9.png" alt="image" style="max-width: 100%;"></a></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="Caused by: org.apache.dubbo.remoting.RemotingException: com.alibaba.com.caucho.hessian.io.HessianProtocolException: 'cn.c3p0.cloud.demo1.exception.DemoRpcException' could not be instantiated com.alibaba.com.caucho.hessian.io.HessianProtocolException: 'cn.c3p0.cloud.demo1.exception.DemoRpcException' could not be instantiated at com.alibaba.com.caucho.hessian.io.JavaDeserializer.instantiate(JavaDeserializer.java:316) at com.alibaba.com.caucho.hessian.io.JavaDeserializer.readObject(JavaDeserializer.java:201) at com.alibaba.com.caucho.hessian.io.SerializerFactory.readObject(SerializerFactory.java:536) at com.alibaba.com.caucho.hessian.io.Hessian2Input.readObjectInstance(Hessian2Input.java:2820) at com.alibaba.com.caucho.hessian.io.Hessian2Input.readObject(Hessian2Input.java:2743) at com.alibaba.com.caucho.hessian.io.Hessian2Input.readObject(Hessian2Input.java:2278) at com.alibaba.com.caucho.hessian.io.Hessian2Input.readObject(Hessian2Input.java:2717) at com.alibaba.com.caucho.hessian.io.Hessian2Input.readObject(Hessian2Input.java:2278) at org.apache.dubbo.common.serialize.hessian2.Hessian2ObjectInput.readObject(Hessian2ObjectInput.java:85) at org.apache.dubbo.common.serialize.ObjectInput.readThrowable(ObjectInput.java:75) at org.apache.dubbo.rpc.protocol.dubbo.DecodeableRpcResult.handleException(DecodeableRpcResult.java:151) at org.apache.dubbo.rpc.protocol.dubbo.DecodeableRpcResult.decode(DecodeableRpcResult.java:97) at org.apache.dubbo.rpc.protocol.dubbo.DecodeableRpcResult.decode(DecodeableRpcResult.java:113) at org.apache.dubbo.remoting.transport.DecodeHandler.decode(DecodeHandler.java:57) at org.apache.dubbo.remoting.transport.DecodeHandler.received(DecodeHandler.java:48) at org.apache.dubbo.remoting.transport.dispatcher.ChannelEventRunnable.run(ChannelEventRunnable.java:57) at org.apache.dubbo.common.threadpool.ThreadlessExecutor.waitAndDrain(ThreadlessExecutor.java:77) at org.apache.dubbo.rpc.AsyncRpcResult.get(AsyncRpcResult.java:175) at org.apache.dubbo.rpc.protocol.AsyncToSyncInvoker.invoke(AsyncToSyncInvoker.java:61) at org.apache.dubbo.rpc.listener.ListenerInvokerWrapper.invoke(ListenerInvokerWrapper.java:78) at org.apache.dubbo.monitor.support.MonitorFilter.invoke(MonitorFilter.java:89) at org.apache.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:81) at org.apache.dubbo.rpc.protocol.dubbo.filter.FutureFilter.invoke(FutureFilter.java:49) at org.apache.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:81) at org.apache.dubbo.rpc.filter.ConsumerContextFilter.invoke(ConsumerContextFilter.java:55) at org.apache.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:81) at org.apache.dubbo.rpc.protocol.InvokerWrapper.invoke(InvokerWrapper.java:56) at org.apache.dubbo.rpc.cluster.support.FailoverClusterInvoker.doInvoke(FailoverClusterInvoker.java:82) at org.apache.dubbo.rpc.cluster.support.AbstractClusterInvoker.invoke(AbstractClusterInvoker.java:255) at org.apache.dubbo.rpc.cluster.interceptor.ClusterInterceptor.intercept(ClusterInterceptor.java:47) at org.apache.dubbo.rpc.cluster.support.wrapper.AbstractCluster$InterceptorInvokerNode.invoke(AbstractCluster.java:92) at org.apache.dubbo.rpc.cluster.support.wrapper.MockClusterInvoker.invoke(MockClusterInvoker.java:78) at org.apache.dubbo.rpc.proxy.InvokerInvocationHandler.invoke(InvokerInvocationHandler.java:60) at org.apache.dubbo.common.bytecode.proxy0.testRpcException(proxy0.java) at cn.c3p0.cloud.demo1.endpoint.DemoController.test(DemoController.java:45) 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:498) at org.springframework.web.method.support.InvocableHandlerMethod.doInvoke(InvocableHandlerMethod.java:190) at org.springframework.web.method.support.InvocableHandlerMethod.invokeForRequest(InvocableHandlerMethod.java:138) at org.springframework.web.servlet.mvc.method.annotation.ServletInvocableHandlerMethod.invokeAndHandle(ServletInvocableHandlerMethod.java:106) at org.springframework.web.servlet.mvc.method.annotation.RequestMappingHandlerAdapter.invokeHandlerMethod(RequestMappingHandlerAdapter.java:888) at org.springframework.web.servlet.mvc.method.annotation.RequestMappingHandlerAdapter.handleInternal(RequestMappingHandlerAdapter.java:793) at org.springframework.web.servlet.mvc.method.AbstractHandlerMethodAdapter.handle(AbstractHandlerMethodAdapter.java:87) at org.springframework.web.servlet.DispatcherServlet.doDispatch(DispatcherServlet.java:1040) at org.springframework.web.servlet.DispatcherServlet.doService(DispatcherServlet.java:943) at org.springframework.web.servlet.FrameworkServlet.processRequest(FrameworkServlet.java:1006) at org.springframework.web.servlet.FrameworkServlet.doGet(FrameworkServlet.java:898) at javax.servlet.http.HttpServlet.service(HttpServlet.java:634) at org.springframework.web.servlet.FrameworkServlet.service(FrameworkServlet.java:883) at javax.servlet.http.HttpServlet.service(HttpServlet.java:741) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:231) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:166) at org.apache.tomcat.websocket.server.WsFilter.doFilter(WsFilter.java:53) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:193) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:166) at org.springframework.web.filter.RequestContextFilter.doFilterInternal(RequestContextFilter.java:100) at org.springframework.web.filter.OncePerRequestFilter.doFilter(OncePerRequestFilter.java:119) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:193) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:166) at org.springframework.web.filter.FormContentFilter.doFilterInternal(FormContentFilter.java:93) at org.springframework.web.filter.OncePerRequestFilter.doFilter(OncePerRequestFilter.java:119) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:193) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:166) at org.springframework.web.filter.CharacterEncodingFilter.doFilterInternal(CharacterEncodingFilter.java:201) at org.springframework.web.filter.OncePerRequestFilter.doFilter(OncePerRequestFilter.java:119) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:193) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:166) at org.apache.catalina.core.StandardWrapperValve.invoke(StandardWrapperValve.java:202) at org.apache.catalina.core.StandardContextValve.invoke(StandardContextValve.java:96) at org.apache.catalina.authenticator.AuthenticatorBase.invoke(AuthenticatorBase.java:541) at org.apache.catalina.core.StandardHostValve.invoke(StandardHostValve.java:139) at org.apache.catalina.valves.ErrorReportValve.invoke(ErrorReportValve.java:92) at org.apache.catalina.core.StandardEngineValve.invoke(StandardEngineValve.java:74) at org.apache.catalina.connector.CoyoteAdapter.service(CoyoteAdapter.java:343) at org.apache.coyote.http11.Http11Processor.service(Http11Processor.java:367) at org.apache.coyote.AbstractProcessorLight.process(AbstractProcessorLight.java:65) at org.apache.coyote.AbstractProtocol$ConnectionHandler.process(AbstractProtocol.java:868) at org.apache.tomcat.util.net.NioEndpoint$SocketProcessor.doRun(NioEndpoint.java:1639) at org.apache.tomcat.util.net.SocketProcessorBase.run(SocketProcessorBase.java:49) at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1149) at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:624) at org.apache.tomcat.util.threads.TaskThread$WrappingRunnable.run(TaskThread.java:61) at java.lang.Thread.run(Thread.java:748) Caused by: java.lang.reflect.InvocationTargetException at sun.reflect.NativeConstructorAccessorImpl.newInstance0(Native Method) at sun.reflect.NativeConstructorAccessorImpl.newInstance(NativeConstructorAccessorImpl.java:62) at sun.reflect.DelegatingConstructorAccessorImpl.newInstance(DelegatingConstructorAccessorImpl.java:45) at java.lang.reflect.Constructor.newInstance(Constructor.java:423) at com.alibaba.com.caucho.hessian.io.JavaDeserializer.instantiate(JavaDeserializer.java:312) ... 84 more Caused by: java.lang.NullPointerException at cn.c3p0.cloud.demo1.exception.BaseRpcException.&lt;init&gt;(BaseRpcException.java:11) at cn.c3p0.cloud.demo1.exception.DemoRpcException.&lt;init&gt;(DemoRpcException.java:8) ... 89 more at org.apache.dubbo.remoting.exchange.support.DefaultFuture.doReceived(DefaultFuture.java:212) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.exchange.support.DefaultFuture.received(DefaultFuture.java:175) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.exchange.support.DefaultFuture.received(DefaultFuture.java:163) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.exchange.support.header.HeaderExchangeHandler.handleResponse(HeaderExchangeHandler.java:60) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.exchange.support.header.HeaderExchangeHandler.received(HeaderExchangeHandler.java:181) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.transport.DecodeHandler.received(DecodeHandler.java:51) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.transport.dispatcher.ChannelEventRunnable.run(ChannelEventRunnable.java:57) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.common.threadpool.ThreadlessExecutor.waitAndDrain(ThreadlessExecutor.java:77) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.rpc.AsyncRpcResult.get(AsyncRpcResult.java:175) ~[dubbo-2.7.5.jar:2.7.5] ... 67 common frames omitted "><pre class="notranslate"><code class="notranslate">Caused by: org.apache.dubbo.remoting.RemotingException: com.alibaba.com.caucho.hessian.io.HessianProtocolException: 'cn.c3p0.cloud.demo1.exception.DemoRpcException' could not be instantiated com.alibaba.com.caucho.hessian.io.HessianProtocolException: 'cn.c3p0.cloud.demo1.exception.DemoRpcException' could not be instantiated at com.alibaba.com.caucho.hessian.io.JavaDeserializer.instantiate(JavaDeserializer.java:316) at com.alibaba.com.caucho.hessian.io.JavaDeserializer.readObject(JavaDeserializer.java:201) at com.alibaba.com.caucho.hessian.io.SerializerFactory.readObject(SerializerFactory.java:536) at com.alibaba.com.caucho.hessian.io.Hessian2Input.readObjectInstance(Hessian2Input.java:2820) at com.alibaba.com.caucho.hessian.io.Hessian2Input.readObject(Hessian2Input.java:2743) at com.alibaba.com.caucho.hessian.io.Hessian2Input.readObject(Hessian2Input.java:2278) at com.alibaba.com.caucho.hessian.io.Hessian2Input.readObject(Hessian2Input.java:2717) at com.alibaba.com.caucho.hessian.io.Hessian2Input.readObject(Hessian2Input.java:2278) at org.apache.dubbo.common.serialize.hessian2.Hessian2ObjectInput.readObject(Hessian2ObjectInput.java:85) at org.apache.dubbo.common.serialize.ObjectInput.readThrowable(ObjectInput.java:75) at org.apache.dubbo.rpc.protocol.dubbo.DecodeableRpcResult.handleException(DecodeableRpcResult.java:151) at org.apache.dubbo.rpc.protocol.dubbo.DecodeableRpcResult.decode(DecodeableRpcResult.java:97) at org.apache.dubbo.rpc.protocol.dubbo.DecodeableRpcResult.decode(DecodeableRpcResult.java:113) at org.apache.dubbo.remoting.transport.DecodeHandler.decode(DecodeHandler.java:57) at org.apache.dubbo.remoting.transport.DecodeHandler.received(DecodeHandler.java:48) at org.apache.dubbo.remoting.transport.dispatcher.ChannelEventRunnable.run(ChannelEventRunnable.java:57) at org.apache.dubbo.common.threadpool.ThreadlessExecutor.waitAndDrain(ThreadlessExecutor.java:77) at org.apache.dubbo.rpc.AsyncRpcResult.get(AsyncRpcResult.java:175) at org.apache.dubbo.rpc.protocol.AsyncToSyncInvoker.invoke(AsyncToSyncInvoker.java:61) at org.apache.dubbo.rpc.listener.ListenerInvokerWrapper.invoke(ListenerInvokerWrapper.java:78) at org.apache.dubbo.monitor.support.MonitorFilter.invoke(MonitorFilter.java:89) at org.apache.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:81) at org.apache.dubbo.rpc.protocol.dubbo.filter.FutureFilter.invoke(FutureFilter.java:49) at org.apache.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:81) at org.apache.dubbo.rpc.filter.ConsumerContextFilter.invoke(ConsumerContextFilter.java:55) at org.apache.dubbo.rpc.protocol.ProtocolFilterWrapper$1.invoke(ProtocolFilterWrapper.java:81) at org.apache.dubbo.rpc.protocol.InvokerWrapper.invoke(InvokerWrapper.java:56) at org.apache.dubbo.rpc.cluster.support.FailoverClusterInvoker.doInvoke(FailoverClusterInvoker.java:82) at org.apache.dubbo.rpc.cluster.support.AbstractClusterInvoker.invoke(AbstractClusterInvoker.java:255) at org.apache.dubbo.rpc.cluster.interceptor.ClusterInterceptor.intercept(ClusterInterceptor.java:47) at org.apache.dubbo.rpc.cluster.support.wrapper.AbstractCluster$InterceptorInvokerNode.invoke(AbstractCluster.java:92) at org.apache.dubbo.rpc.cluster.support.wrapper.MockClusterInvoker.invoke(MockClusterInvoker.java:78) at org.apache.dubbo.rpc.proxy.InvokerInvocationHandler.invoke(InvokerInvocationHandler.java:60) at org.apache.dubbo.common.bytecode.proxy0.testRpcException(proxy0.java) at cn.c3p0.cloud.demo1.endpoint.DemoController.test(DemoController.java:45) 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:498) at org.springframework.web.method.support.InvocableHandlerMethod.doInvoke(InvocableHandlerMethod.java:190) at org.springframework.web.method.support.InvocableHandlerMethod.invokeForRequest(InvocableHandlerMethod.java:138) at org.springframework.web.servlet.mvc.method.annotation.ServletInvocableHandlerMethod.invokeAndHandle(ServletInvocableHandlerMethod.java:106) at org.springframework.web.servlet.mvc.method.annotation.RequestMappingHandlerAdapter.invokeHandlerMethod(RequestMappingHandlerAdapter.java:888) at org.springframework.web.servlet.mvc.method.annotation.RequestMappingHandlerAdapter.handleInternal(RequestMappingHandlerAdapter.java:793) at org.springframework.web.servlet.mvc.method.AbstractHandlerMethodAdapter.handle(AbstractHandlerMethodAdapter.java:87) at org.springframework.web.servlet.DispatcherServlet.doDispatch(DispatcherServlet.java:1040) at org.springframework.web.servlet.DispatcherServlet.doService(DispatcherServlet.java:943) at org.springframework.web.servlet.FrameworkServlet.processRequest(FrameworkServlet.java:1006) at org.springframework.web.servlet.FrameworkServlet.doGet(FrameworkServlet.java:898) at javax.servlet.http.HttpServlet.service(HttpServlet.java:634) at org.springframework.web.servlet.FrameworkServlet.service(FrameworkServlet.java:883) at javax.servlet.http.HttpServlet.service(HttpServlet.java:741) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:231) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:166) at org.apache.tomcat.websocket.server.WsFilter.doFilter(WsFilter.java:53) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:193) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:166) at org.springframework.web.filter.RequestContextFilter.doFilterInternal(RequestContextFilter.java:100) at org.springframework.web.filter.OncePerRequestFilter.doFilter(OncePerRequestFilter.java:119) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:193) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:166) at org.springframework.web.filter.FormContentFilter.doFilterInternal(FormContentFilter.java:93) at org.springframework.web.filter.OncePerRequestFilter.doFilter(OncePerRequestFilter.java:119) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:193) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:166) at org.springframework.web.filter.CharacterEncodingFilter.doFilterInternal(CharacterEncodingFilter.java:201) at org.springframework.web.filter.OncePerRequestFilter.doFilter(OncePerRequestFilter.java:119) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:193) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:166) at org.apache.catalina.core.StandardWrapperValve.invoke(StandardWrapperValve.java:202) at org.apache.catalina.core.StandardContextValve.invoke(StandardContextValve.java:96) at org.apache.catalina.authenticator.AuthenticatorBase.invoke(AuthenticatorBase.java:541) at org.apache.catalina.core.StandardHostValve.invoke(StandardHostValve.java:139) at org.apache.catalina.valves.ErrorReportValve.invoke(ErrorReportValve.java:92) at org.apache.catalina.core.StandardEngineValve.invoke(StandardEngineValve.java:74) at org.apache.catalina.connector.CoyoteAdapter.service(CoyoteAdapter.java:343) at org.apache.coyote.http11.Http11Processor.service(Http11Processor.java:367) at org.apache.coyote.AbstractProcessorLight.process(AbstractProcessorLight.java:65) at org.apache.coyote.AbstractProtocol$ConnectionHandler.process(AbstractProtocol.java:868) at org.apache.tomcat.util.net.NioEndpoint$SocketProcessor.doRun(NioEndpoint.java:1639) at org.apache.tomcat.util.net.SocketProcessorBase.run(SocketProcessorBase.java:49) at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1149) at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:624) at org.apache.tomcat.util.threads.TaskThread$WrappingRunnable.run(TaskThread.java:61) at java.lang.Thread.run(Thread.java:748) Caused by: java.lang.reflect.InvocationTargetException at sun.reflect.NativeConstructorAccessorImpl.newInstance0(Native Method) at sun.reflect.NativeConstructorAccessorImpl.newInstance(NativeConstructorAccessorImpl.java:62) at sun.reflect.DelegatingConstructorAccessorImpl.newInstance(DelegatingConstructorAccessorImpl.java:45) at java.lang.reflect.Constructor.newInstance(Constructor.java:423) at com.alibaba.com.caucho.hessian.io.JavaDeserializer.instantiate(JavaDeserializer.java:312) ... 84 more Caused by: java.lang.NullPointerException at cn.c3p0.cloud.demo1.exception.BaseRpcException.&lt;init&gt;(BaseRpcException.java:11) at cn.c3p0.cloud.demo1.exception.DemoRpcException.&lt;init&gt;(DemoRpcException.java:8) ... 89 more at org.apache.dubbo.remoting.exchange.support.DefaultFuture.doReceived(DefaultFuture.java:212) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.exchange.support.DefaultFuture.received(DefaultFuture.java:175) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.exchange.support.DefaultFuture.received(DefaultFuture.java:163) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.exchange.support.header.HeaderExchangeHandler.handleResponse(HeaderExchangeHandler.java:60) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.exchange.support.header.HeaderExchangeHandler.received(HeaderExchangeHandler.java:181) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.transport.DecodeHandler.received(DecodeHandler.java:51) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.remoting.transport.dispatcher.ChannelEventRunnable.run(ChannelEventRunnable.java:57) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.common.threadpool.ThreadlessExecutor.waitAndDrain(ThreadlessExecutor.java:77) ~[dubbo-2.7.5.jar:2.7.5] at org.apache.dubbo.rpc.AsyncRpcResult.get(AsyncRpcResult.java:175) ~[dubbo-2.7.5.jar:2.7.5] ... 67 common frames omitted </code></pre></div>
0
<p dir="auto">A.ts:</p> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="class A&lt;T&gt; { method() {} } export = A;"><pre class="notranslate"><span class="pl-k">class</span> <span class="pl-smi">A</span><span class="pl-c1">&lt;</span><span class="pl-smi">T</span><span class="pl-c1">&gt;</span> <span class="pl-kos">{</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-kos">}</span> <span class="pl-kos">}</span> <span class="pl-k">export</span> <span class="pl-c1">=</span> <span class="pl-smi">A</span><span class="pl-kos">;</span></pre></div> <p dir="auto">B.ts:</p> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import A = require('A'); new A().method();"><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-smi">A</span> <span class="pl-c1">=</span> require<span class="pl-kos">(</span><span class="pl-s">'A'</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-k">new</span> <span class="pl-smi">A</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-en">method</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">;</span></pre></div> <p dir="auto">When using code completion on the .method call in B.ts, <code class="notranslate">getCompletionEntryDetails</code> throws an exception:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="TypeError: Cannot read property 'parent' of undefined at appendOuterTypeParameters (/home/jeffrey/nbts/build/cluster/nbts-services.js:12322:28) at getOuterTypeParametersOfClassOrInterface (/home/jeffrey/nbts/build/cluster/nbts-services.js:12338:20) at getTypeParametersOfClassOrInterface (/home/jeffrey/nbts/build/cluster/nbts-services.js:12355:35) at appendParentTypeArgumentsAndSymbolName (/home/jeffrey/nbts/build/cluster/nbts-services.js:11386:75) at walkSymbol (/home/jeffrey/nbts/build/cluster/nbts-services.js:11418:29) at Object.buildSymbolDisplay (/home/jeffrey/nbts/build/cluster/nbts-services.js:11425:21) at /home/jeffrey/nbts/build/cluster/nbts-services.js:32608:51 at mapToDisplayParts (/home/jeffrey/nbts/build/cluster/nbts-services.js:32592:13) at Object.symbolToDisplayParts (/home/jeffrey/nbts/build/cluster/nbts-services.js:32607:16) at addFullSymbolName (/home/jeffrey/nbts/build/cluster/nbts-services.js:37752:49)"><pre class="notranslate"><code class="notranslate">TypeError: Cannot read property 'parent' of undefined at appendOuterTypeParameters (/home/jeffrey/nbts/build/cluster/nbts-services.js:12322:28) at getOuterTypeParametersOfClassOrInterface (/home/jeffrey/nbts/build/cluster/nbts-services.js:12338:20) at getTypeParametersOfClassOrInterface (/home/jeffrey/nbts/build/cluster/nbts-services.js:12355:35) at appendParentTypeArgumentsAndSymbolName (/home/jeffrey/nbts/build/cluster/nbts-services.js:11386:75) at walkSymbol (/home/jeffrey/nbts/build/cluster/nbts-services.js:11418:29) at Object.buildSymbolDisplay (/home/jeffrey/nbts/build/cluster/nbts-services.js:11425:21) at /home/jeffrey/nbts/build/cluster/nbts-services.js:32608:51 at mapToDisplayParts (/home/jeffrey/nbts/build/cluster/nbts-services.js:32592:13) at Object.symbolToDisplayParts (/home/jeffrey/nbts/build/cluster/nbts-services.js:32607:16) at addFullSymbolName (/home/jeffrey/nbts/build/cluster/nbts-services.js:37752:49) </code></pre></div> <p dir="auto">Several other services APIs, including <code class="notranslate">getQuickInfoAtPosition</code> and <code class="notranslate">getOccurrencesAtPosition</code>, also throw the same error when used on that .method call.</p>
<ol dir="auto"> <li> <p dir="auto">Create a new package directory</p> </li> <li> <p dir="auto"><code class="notranslate">npm install github</code></p> </li> <li> <p dir="auto">write the following file:</p> <div class="highlight highlight-source-ts notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="import GH = require(&quot;github&quot;); new GH().activity"><pre class="notranslate"><span class="pl-k">import</span> <span class="pl-smi">GH</span> <span class="pl-c1">=</span> require<span class="pl-kos">(</span><span class="pl-s">"github"</span><span class="pl-kos">)</span><span class="pl-kos">;</span> <span class="pl-k">new</span> <span class="pl-smi">GH</span><span class="pl-kos">(</span><span class="pl-kos">)</span><span class="pl-kos">.</span><span class="pl-c1">activity</span></pre></div> </li> <li> <p dir="auto">Get quick info on the word <code class="notranslate">activity</code></p> </li> </ol> <p dir="auto">Expected: Quick info.<br> Actual:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="TypeError: Cannot read property 'parent' of undefined at appendOuterTypeParameters (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:23851:28) at getOuterTypeParametersOfClassOrInterface (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:23867:20) at getTypeParametersOfClassOrInterface (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:23884:35) at appendParentTypeArgumentsAndSymbolName (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:22618:75) at walkSymbol (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:22650:25) at Object.buildSymbolDisplay (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:22656:21) at C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:53274:51 at mapToDisplayParts (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:53260:9) at Object.symbolToDisplayParts (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:53273:16) at addFullSymbolName (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:60166:49)"><pre class="notranslate"><code class="notranslate">TypeError: Cannot read property 'parent' of undefined at appendOuterTypeParameters (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:23851:28) at getOuterTypeParametersOfClassOrInterface (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:23867:20) at getTypeParametersOfClassOrInterface (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:23884:35) at appendParentTypeArgumentsAndSymbolName (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:22618:75) at walkSymbol (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:22650:25) at Object.buildSymbolDisplay (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:22656:21) at C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:53274:51 at mapToDisplayParts (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:53260:9) at Object.symbolToDisplayParts (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:53273:16) at addFullSymbolName (C:\Users\drosen\AppData\Roaming\npm\node_modules\typescript\lib\tsserver.js:60166:49) </code></pre></div>
1
<p dir="auto">In a stand-alone CMD window, the <strong>CLS</strong> command clears not only the text currently visible in the window, but all of the history in the scrollback buffer. In a Windows Terminal CMD tab, clear is clearing only the currently visible text, leaving the scrollback content untouched.</p> <h1 dir="auto">Environment</h1> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="Windows build number: Microsoft Windows [Version 10.0.18362.239] Windows Terminal version (if applicable): 0.3.2171.0 Any other software? no"><pre lang="none" class="notranslate"><code class="notranslate">Windows build number: Microsoft Windows [Version 10.0.18362.239] Windows Terminal version (if applicable): 0.3.2171.0 Any other software? no </code></pre></div> <h1 dir="auto">Steps to reproduce</h1> <ol dir="auto"> <li>Open a command (CMD) tab.</li> <li>Execute enough commands to put data in the scrollback buffer.</li> <li>Execute <strong>cls</strong></li> <li>Observe results</li> </ol> <h1 dir="auto">Expected behavior</h1> <p dir="auto">I expect the screen and scrollback buffer to be completely cleared.</p> <h1 dir="auto">Actual behavior</h1> <p dir="auto">Only the screen is cleared.</p>
<p dir="auto">I feel like this problem should have been reported already, but I couldn't find it in GitHub issue search.</p> <h3 dir="auto">Environment</h3> <p dir="auto">Windows build number: <code class="notranslate">Microsoft Windows [Version 10.0.18362.205]</code> - Win10 ver. 1903 with Microsoft-internal test build for monthly quality update<br> Windows Terminal version: <a class="commit-link" data-hovercard-type="commit" data-hovercard-url="https://github.com/microsoft/terminal/commit/8dd2e795abb5ef7288ad8f08aece6ff581ec1609/hovercard" href="https://github.com/microsoft/terminal/commit/8dd2e795abb5ef7288ad8f08aece6ff581ec1609"><tt>8dd2e79</tt></a> - <a href="https://dev.azure.com/ms/Terminal/_build/results?buildId=20764" rel="nofollow">Azure DevOps CI build for AMD64</a></p> <h3 dir="auto">Steps to reproduce</h3> <ol dir="auto"> <li>Start Terminal, with either a Command Prompt (cmd.exe) tab or a PowerShell tab.</li> <li>Run this command: <code class="notranslate">type C:\Windows\System32\OEMDefaultAssociations.xml</code></li> <li>Observe a long XML file appear on screen.</li> <li>Run this command: <code class="notranslate">cls</code></li> </ol> <h3 dir="auto">Expected behavior</h3> <p dir="auto">The visible area of the window is cleared of everything except the cmd/PS prompt, and you can no longer scroll the window view to see any part of the file you displayed. This is what happens in the old console window (conhost.exe).</p> <h3 dir="auto">Actual behavior</h3> <p dir="auto">The visible area is cleared, but the window scrollbar remains active. When you scroll up, you see that most of the file you displayed remains; only the end of the file is erased up to a length determined by your visible window height.</p>
1
<p dir="auto">You guys seem to be using np.std(x) to scale each column instead of np.std(x, ddof=1). As a result your std estimate is biased. Note that similar function in R, base::scale uses unbiased std estimate.</p>
<h4 dir="auto">Description</h4> <p dir="auto">It would be nice to provide StandardScaler with an option to chose unbiased estimator of variance,</p> <p dir="auto">It it sometimes convenient to use unbiased estimator of variance: numpy.var(X, ddof=1)<br> instead of default: numpy.var(X, ddof=0)</p> <p dir="auto">So far StandardScaler does not allow to set ddof.</p> <h4 dir="auto">Versions</h4> <p dir="auto">Linux-4.4.0-45-generic-x86_64-with-Ubuntu-16.04-xenial<br> ('Python', '2.7.12 (default, Jul 1 2016, 15:12:24) \n[GCC 5.4.0 20160609]')<br> ('NumPy', '1.11.2')<br> ('SciPy', '0.18.1')<br> ('Scikit-Learn', '0.19.dev0')</p>
1
<p dir="auto">I tried using this method : <a href="https://groups.google.com/forum/#!topic/twitter-bootstrap-stackoverflow/O4H28d1-d7Q" rel="nofollow">https://groups.google.com/forum/#!topic/twitter-bootstrap-stackoverflow/O4H28d1-d7Q</a></p> <p dir="auto">but it doesnt work well with bootstrap 3.</p> <p dir="auto">Can anyone help me out with this?</p> <p dir="auto">Thanks.</p>
<p dir="auto">I have problem in the version of the iPad's Safari browser 5.1.1 (9b2060), where scrollspy reacts in an unexpected way. After clicking on a menu session, it redirects to him, so far everything ok, but if I do not move the page and press on another item, the menu does not recognize the touch. After I move the page up or down, he acknowledges.</p> <p dir="auto">Is there a solution so far?</p> <p dir="auto">Thanks...</p>
0
<p dir="auto">I read in my dataframe with</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" pd.read_csv('df.csv')"><pre class="notranslate"><code class="notranslate"> pd.read_csv('df.csv') </code></pre></div> <p dir="auto">And then I run the code:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="df['a'] = pd.to_numeric(df['a'], errors='coerce')"><pre class="notranslate"><code class="notranslate">df['a'] = pd.to_numeric(df['a'], errors='coerce') </code></pre></div> <p dir="auto">but the column does not get converted. When I use errors = 'raise' it gives me the numbers that are not convertible but it should be dropping them with coerce.... This was working perfectly in Pandas 0.19 and i Updated to 0.20.3. Did the way to_numeric works change between the two versions?</p>
<p dir="auto">scikits.timeseries notions of fill_missing_dates, duplicates possible, etc. Little to no testing in this regard</p>
0
<ul dir="auto"> <li>[x ] 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> <p dir="auto">run without any error</p> <h2 dir="auto">Current Behavior</h2> <p dir="auto">work good with <code class="notranslate">node server.js</code><br> but with: <code class="notranslate">next export</code> got error <code class="notranslate">Couldn't find a </code>pages<code class="notranslate"> directory. Please create one under the project root</code></p> <h2 dir="auto">Steps to Reproduce (for bugs)</h2> <ol dir="auto"> <li>move pages to <code class="notranslate">./src</code></li> <li>create <code class="notranslate">server.js</code></li> <li>add the code: <code class="notranslate">const app = next({ dev, dir: './src' });</code></li> <li>run: <code class="notranslate">"export": "next export"</code></li> </ol> <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>4.2.1</td> </tr> <tr> <td>node</td> <td>v7.6.0</td> </tr> <tr> <td>OS</td> <td>window 8.1</td> </tr> <tr> <td>browser</td> <td>chrome</td> </tr> </tbody> </table>
<p dir="auto">In repositories with multiple projects, sometimes it is appealing to share code between the projects. Next currently requires that all of the site code is under the Next project's root directory. With code sharing, the shared code usually resides outside of the Next project's root. With a few modifications to the Webpack config and Babel plugins, Next can support code outside of its project root.</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/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> <p dir="auto">In a directory hierarchy that looks like this:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=". ├── next │   └── pages └── shared └── module.js"><pre class="notranslate"><code class="notranslate">. ├── next │   └── pages └── shared └── module.js </code></pre></div> <p dir="auto">A file under <code class="notranslate">next/pages</code> should be able to do <code class="notranslate">import module from '../../shared/module'</code> or use a Babel plugin like <a href="https://github.com/tleunen/babel-plugin-module-resolver">module-resolver</a> to require code that is outside of the Next project root.</p> <h2 dir="auto">Current Behavior</h2> <p dir="auto">Next does not run the shared code through the same Webpack loaders as the ones used for code under the Next project's root. Also, the shared code is not compiled and emitted under <code class="notranslate">.next/dist</code>, and require/import paths to that shared code are not correct.</p> <h2 dir="auto">Steps to Reproduce (for bugs)</h2> <ol dir="auto"> <li>Set up a directory structure like the on in the ASCII art diagram above</li> <li>Add <code class="notranslate">index.js</code> under <code class="notranslate">next/pages</code> with <code class="notranslate">import module from '../../shared</code></li> <li>Run <code class="notranslate">yarn dev</code> and get errors</li> </ol> <h2 dir="auto">Context</h2> <p dir="auto">In general this is useful for any project that has a website (vs. being only a website) and wants to share code between the Next website and other programs. Specifically I am writing this up since we need it for sharing code across expo.io, snack.expo.io (not yet Next.js), Node servers, and native apps.</p> <p dir="auto">This is a list of PRs so far to support code sharing:</p> <ul dir="auto"> <li>Apply .babelrc's own config when it specifies <code class="notranslate">babelrc: false</code>: <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="261747092" data-permission-text="Title is private" data-url="https://github.com/vercel/next.js/issues/3016" data-hovercard-type="pull_request" data-hovercard-url="/vercel/next.js/pull/3016/hovercard" href="https://github.com/vercel/next.js/pull/3016">#3016</a></li> </ul> <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>4.0.0-beta.2</td> </tr> <tr> <td>node</td> <td>8.6.0</td> </tr> <tr> <td>OS</td> <td>macOS 10.13</td> </tr> <tr> <td>browser</td> <td>*</td> </tr> </tbody> </table>
0
<h3 dir="auto">Describe the workflow you want to enable</h3> <p dir="auto">Enable <code class="notranslate">preprocessor.get_feature_names_out()</code> where <code class="notranslate">preprocessor</code> is a ColumnTransformer with SimpleImputer.</p> <h3 dir="auto">Describe your proposed solution</h3> <p dir="auto">If you do this on sklearn v1.0, you get the error:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="AttributeError: Transformer simpleimputer-1 (type SimpleImputer) does not provide get_feature_names_out."><pre class="notranslate"><code class="notranslate">AttributeError: Transformer simpleimputer-1 (type SimpleImputer) does not provide get_feature_names_out. </code></pre></div> <p dir="auto">The solution is to add <code class="notranslate">get_feature_names_out()</code> to <code class="notranslate">SimpleImputer</code>. This should be fairly straightforward, since there's a one-to-one mapping between input and output features in this transformer. Additionally, it's high impact since <code class="notranslate">SimpleImputer</code> is a common use case when preprocessing data.</p> <h3 dir="auto">Describe alternatives you've considered, if relevant</h3> <p dir="auto"><em>No response</em></p> <h3 dir="auto">Additional context</h3> <p dir="auto"><em>No response</em></p>
<h3 dir="auto">Describe the workflow you want to enable</h3> <p dir="auto">I would like to get the feature names input to a classifier after imputation.</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="column_trans = ColumnTransformer([('imputed', SimpleImputer(add_indicator=True), x_con)], remainder='drop') # column_trans = ColumnTransformer([('scaler', preprocessing.StandardScaler(), x_con)], remainder='drop') pipe = make_pipeline(column_trans, LogisticRegressionCV(cv=2, random_state=0)) pipe.fit(X, y) pipe[:-1].get_feature_names_out()"><pre class="notranslate"><code class="notranslate">column_trans = ColumnTransformer([('imputed', SimpleImputer(add_indicator=True), x_con)], remainder='drop') # column_trans = ColumnTransformer([('scaler', preprocessing.StandardScaler(), x_con)], remainder='drop') pipe = make_pipeline(column_trans, LogisticRegressionCV(cv=2, random_state=0)) pipe.fit(X, y) pipe[:-1].get_feature_names_out() </code></pre></div> <h3 dir="auto">Describe your proposed solution</h3> <p dir="auto">Implement get_feature_names_out for SimpleImputer as it is implemented for other transformers e.g. it works for StandardScaler.</p> <h3 dir="auto">Describe alternatives you've considered, if relevant</h3> <p dir="auto"><em>No response</em></p> <h3 dir="auto">Additional context</h3> <p dir="auto"><em>No response</em></p>
1
<h3 dir="auto">Is there an existing issue for this?</h3> <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 existing issues</li> </ul> <h3 dir="auto">This issue exists in the latest npm version</h3> <ul class="contains-task-list"> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I am using the latest npm</li> </ul> <h3 dir="auto">Current Behavior</h3> <p dir="auto">every call that I make with <code class="notranslate">npm ...</code> e.g. calling a script <code class="notranslate">npm run connect</code>, there is this weird looking log that makes no sense in this context:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="(⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂) ⠇ : timing config:load:flatten Completed in 2ms"><pre class="notranslate"><code class="notranslate">(⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂⠂) ⠇ : timing config:load:flatten Completed in 2ms </code></pre></div> <p dir="auto">E.g. I have <code class="notranslate">npm run connect</code> setup where it connects to a preconfigured server, but this annoying log doesn't allow me to read the buffer.<br> This happens across different workspaces with different npm package.json files too!</p> <h3 dir="auto">Expected Behavior</h3> <p dir="auto">log should not appear</p> <h3 dir="auto">Steps To Reproduce</h3> <p dir="auto">I'm not sure how this came to be...</p> <h3 dir="auto">Environment</h3> <ul dir="auto"> <li>npm: 8.11.0</li> <li>Node.js: 16.15.1</li> <li>OS Name: mac os 12.2.1</li> <li>System Model Name:</li> <li>npm config:</li> </ul> <div class="highlight highlight-source-ini notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="npm config ls npm WARN config init.author.name Use `--init-author-name` instead. npm WARN config init.author.email Use `--init-author-email` instead. npm WARN config init.author.url Use `--init-author-url` instead. ; &quot;user&quot; config from /Users/timdaub/.npmrc //registry.npmjs.org/:_authToken = (protected) email = &quot;myemail&quot; init.author.email = &quot;=&quot; init.author.name = &quot;Tim Daubenschütz &lt;myemail&gt;&quot; init.author.url = &quot;https://timdaub.github.io/&quot; prefix = &quot;/usr/local&quot; save-exact = true save-prefix = &quot;&quot;"><pre class="notranslate">npm config ls npm WARN config init.author.name Use `--init-author-name` instead. npm WARN config init.author.email Use `--init-author-email` instead. npm WARN config init.author.url Use `--init-author-url` instead. <span class="pl-c"><span class="pl-c">;</span> "user" config from /Users/timdaub/.npmrc</span> //registry.npmjs.org/:<span class="pl-k">_authToken</span> = (protected) <span class="pl-k">email</span> = <span class="pl-s"><span class="pl-pds">"</span>myemail<span class="pl-pds">"</span></span> <span class="pl-k">init.author.email</span> = <span class="pl-s"><span class="pl-pds">"</span>=<span class="pl-pds">"</span></span> <span class="pl-k">init.author.name</span> = <span class="pl-s"><span class="pl-pds">"</span>Tim Daubenschütz &lt;myemail&gt;<span class="pl-pds">"</span></span> <span class="pl-k">init.author.url</span> = <span class="pl-s"><span class="pl-pds">"</span>https://timdaub.github.io/<span class="pl-pds">"</span></span> <span class="pl-k">prefix</span> = <span class="pl-s"><span class="pl-pds">"</span>/usr/local<span class="pl-pds">"</span></span> <span class="pl-k">save-exact</span> = true <span class="pl-k">save-prefix</span> = <span class="pl-s"><span class="pl-pds">"</span><span class="pl-pds">"</span></span></pre></div>
<h3 dir="auto">Is there an existing issue for this?</h3> <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 existing issues</li> </ul> <h3 dir="auto">This issue exists in the latest npm version</h3> <ul class="contains-task-list"> <li class="task-list-item"><input type="checkbox" id="" disabled="" class="task-list-item-checkbox" checked=""> I am using the latest npm</li> </ul> <h3 dir="auto">Current Behavior</h3> <p dir="auto">' npm start ' produces the following timing output which sticks always to the last line:<br> <a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/1231174/157500431-fed4bf14-ece1-405c-abff-6d231e7230b2.png"><img width="500" alt="image" src="https://user-images.githubusercontent.com/1231174/157500431-fed4bf14-ece1-405c-abff-6d231e7230b2.png" style="max-width: 100%;"></a><br> the "normal" output from the started app is always scrolling above this last line.</p> <h3 dir="auto">Expected Behavior</h3> <p dir="auto">no timing output.</p> <p dir="auto">Digging deeper I noticed that with <code class="notranslate">--loglevel</code> <code class="notranslate">silent</code>or <code class="notranslate">error</code> there is no sticky output.<br> BUT for <code class="notranslate">warn</code> , <code class="notranslate">notice</code> and <code class="notranslate">http</code> there is <code class="notranslate">timing</code> output which in my opinion should not happen, since these levels are before <code class="notranslate">timing</code> log level ....</p> <h3 dir="auto">Steps To Reproduce</h3> <ol dir="auto"> <li>npm start</li> <li>See error...</li> </ol> <h3 dir="auto">Environment</h3> <ul dir="auto"> <li>npm: 8.5.3</li> <li>Node.js: 17.6.0</li> <li>OS Name: macOS 12.2.1</li> <li>System Model Name: Macbook Pro</li> <li>npm config:</li> </ul> <div class="highlight highlight-source-ini notranslate position-relative overflow-auto" dir="auto" data-snippet-clipboard-copy-content="npm config ls npm WARN ignoring workspace config at /Users/ogi/Repositories/IMS/IMS_v2/packages/mims-test/.npmrc npm WARN config This command does not support workspaces. ; &quot;user&quot; config from /Users/ogi/.npmrc ; @ogi-it:registry = &quot;http://localhost:4873/&quot; ; overridden by project //localhost:4873/:_authToken = (protected) //registry.npmjs.org/:_authToken = (protected) scripts-prepend-node-path = true ; &quot;project&quot; config from /Users/ogi/Repositories/IMS/IMS_v2/.npmrc @ogi-it:registry = &quot;http://localhost:4873&quot; ; node bin location = /usr/local/bin/node ; cwd = /Users/ogi/Repositories/IMS/IMS_v2/packages/mims-test ; HOME = /Users/ogi ; Run `npm config ls -l` to show all defaults. ogi@ogi-it-mac mims-test % "><pre class="notranslate">npm config ls npm WARN ignoring workspace config at /Users/ogi/Repositories/IMS/IMS_v2/packages/mims-test/.npmrc npm WARN config This command does not support workspaces. <span class="pl-c"><span class="pl-c">;</span> "user" config from /Users/ogi/.npmrc</span> <span class="pl-c"><span class="pl-c">;</span> @ogi-it:registry = "http://localhost:4873/" ; overridden by project</span> //localhost:4873/:<span class="pl-k">_authToken</span> = (protected) //registry.npmjs.org/:<span class="pl-k">_authToken</span> = (protected) <span class="pl-k">scripts-prepend-node-path</span> = true <span class="pl-c"><span class="pl-c">;</span> "project" config from /Users/ogi/Repositories/IMS/IMS_v2/.npmrc</span> @ogi-it:<span class="pl-k">registry</span> = <span class="pl-s"><span class="pl-pds">"</span>http://localhost:4873<span class="pl-pds">"</span></span> <span class="pl-c"><span class="pl-c">;</span> node bin location = /usr/local/bin/node</span> <span class="pl-c"><span class="pl-c">;</span> cwd = /Users/ogi/Repositories/IMS/IMS_v2/packages/mims-test</span> <span class="pl-c"><span class="pl-c">;</span> HOME = /Users/ogi</span> <span class="pl-c"><span class="pl-c">;</span> Run `npm config ls -l` to show all defaults.</span> ogi@ogi-it-mac mims-test % </pre></div>
1