id
int64 393k
2.82B
| repo
stringclasses 68
values | title
stringlengths 1
936
| body
stringlengths 0
256k
β | labels
stringlengths 2
508
| priority
stringclasses 3
values | severity
stringclasses 3
values |
---|---|---|---|---|---|---|
549,326,425 | TypeScript | JSDoc support for @memberof and @namespace | I work on a NodeJS Javascript codebase which uses plain JSDoc (i.e. no Typescript/Closure specific syntax). It uses `require()` rather than ES6/Typescript-style imports.
Our codebase has JDoc'ed code which lives under arbitrary `@namespace` declarations, meaning they do not correspond to actual code 'namespaces'. For example our code is JSDoc'ed as `@namespace utilities` but the module may be imported as `utils`.
My colleagues using Webstorm get the full JSDoc annotations/code completion/tooling but VSCode Intellisense does not recognised references like `models.Account` for e.g. parameters as shown below ...
```
// models.js
/** @namespace models */
/** @memberof models */
class Account {
// ...
}
module.exports = { Account }
```
```
// main.js
const { Account } = require('./models')
/**
* @return {models.Account}
*/
myMethod (account) => {
return new Account()
}
```
Since basically the entire codebase is namespaced, I get reduced Intellisense support for my custom code and no support for writing correct JSDocs.
| Suggestion,Awaiting More Feedback,Domain: JSDoc | low | Minor |
549,337,402 | rust | std::fs: change ownership or Improvements for UNIX Domain Socket creation. | https://gitlab.com/cheako/files-rs/blob/c993fc0ce90fcacc1b8821035027baf623366ab8/src/main.rs#L72-127
If there was an interface to assist with changing ownership that would make this code nicer. I can only speak about UNIX systems, not including Mac and even then only about using libc. | T-libs-api,C-feature-request,A-io,A-filesystem | low | Minor |
549,400,539 | rust | Overhead of core::sync::atomic::* primitives in dev builds | The primitives provided by `core::sync::atomic` come with a binary overhead in dev builds which also partly contradicts the documentation, e.g. `compiler_fence` states:
> compiler_fence does not emit any machine code
However when we compile trivial program for an embedded target:
```
#![no_main]
#![no_std]
use panic_halt as _;
use cortex_m_rt::entry;
#[entry]
fn main() -> ! {
loop {
continue;
}
}
```
e.g. for `thumbv6m-none-eabi` we can observe that we not only get one but two `compiler_fence` instances:
```
Analyzing target/thumbv6m-none-eabi/debug/examples/empty
File .text Size Crate Name
0.1% 11.3% 74B cortex_m_rt r0::init_data
0.0% 9.8% 64B cortex_m_rt core::sync::atomic::compiler_fence
0.0% 9.8% 64B panic_halt core::sync::atomic::compiler_fence
0.0% 8.6% 56B cortex_m_rt r0::zero_bss
0.0% 7.3% 48B cortex_m_rt Reset
0.0% 6.4% 42B cortex_m_rt core::ptr::read
0.0% 5.5% 36B std core::panicking::panic
0.0% 4.3% 28B [Unknown] __aeabi_memcpy4
0.0% 4.3% 28B std core::panicking::panic_fmt
0.0% 4.0% 26B cortex_m_rt core::intrinsics::copy_nonoverlapping
0.0% 3.4% 22B cortex_m_rt core::ptr::<impl *const T>::offset
0.0% 3.4% 22B cortex_m_rt core::ptr::<impl *mut T>::offset
0.0% 3.1% 20B cortex_m_rt HardFault_
0.0% 3.1% 20B panic_halt rust_begin_unwind
0.0% 2.8% 18B cortex_m_rt DefaultHandler_
0.0% 2.8% 18B [Unknown] __aeabi_memcpy
0.0% 2.4% 16B cortex_m_rt core::ptr::write
0.0% 2.4% 16B cortex_m_rt core::ptr::write_volatile
0.0% 2.4% 16B std <T as core::any::Any>::type_id
0.0% 1.8% 12B cortex_m_rt core::mem::zeroed
0.0% 0.6% 4B [Unknown] main
0.0% 0.3% 2B cortex_m_rt DefaultPreInit
0.0% 0.3% 2B std core::ptr::real_drop_in_place
0.5% 100.0% 654B .text section size, the file size is 127.6KiB
```
which amount to nearly 20% of the code size plus two instances of the panic message plus the formatting machinery which would not be needed otherwise.
In #68155 I've tried to coerce the compiler into fully inlining the code, especially since the argument (as I would imagine is pretty much always the case) is a constant. But as suspected by @rkruppe and @jonas-schievink, this does not have the intended effect.
As noted in the PR replacing the `panic!` by a unit type helps somewhat (and one could argue that a "lazy" compiler fence is pretty much equal to doing nothing and should not panic at runtime) but it would be better if we could somehow insure that the `compiler_fence` really only turns into a compiler hint and not a function call.
If we cannot ensure that a `compiler_fence` actually turns into nothing, would it be acceptable to also expose the various fence types directly via functions? | C-enhancement,T-compiler,WG-embedded,I-heavy,C-optimization | low | Critical |
549,401,392 | pytorch | Using Tensor.to(device) after distributed all_reduce intermittently causes deadlock with NCCL | ## π Bug
<!-- A clear and concise description of what the bug is. -->
## To Reproduce
Hello, I'm a beginner of pyTorch, and learning it with [pytorch tutorials](https://pytorch.org/tutorials/)
and at [Writing Distributed Applications with PyTorch](https://pytorch.org/tutorials/intermediate/dist_tuto.html), I am trying to train Resnet-50 with CIFAR-10 Datasets and 4 GPUs (Tesla P40).
However, when I used NCCL backend, it causes deadlock intermittently. ( it worked well about 1 out of 5 times )
I'm not sure if it is a bug or not.
```python
import os
import torch
import torch.distributed as dist
import torch.multiprocessing as mp
import torch.nn as nn
import torch.optim as optim
import torchvision.datasets as datasets
import torchvision.models as models
import torchvision.transforms as transforms
def run(rank, size):
os.environ['MASTER_ADDR'] = '127.0.0.1'
os.environ['MASTER_PORT'] = '29502'
device = torch.device(f'cuda:{rank}')
dist.init_process_group('nccl', rank=rank, world_size=size)
model = models.resnet50().to(device)
optimizer = optim.SGD(model.parameters(), lr=0.001)
loss_fn = nn.CrossEntropyLoss()
dataloader = torch.utils.data.DataLoader(
datasets.CIFAR10('/data/private/datasets', transform=transforms.ToTensor(), train=True, download=True),
batch_size=1024)
# model = nn.parallel.DistributedDataParallel(model, device_ids=[device])
for inputs, labels in dataloader:
optimizer.zero_grad()
inputs = inputs.to(device) # all processes are locked here at the second iteration
labels = labels.to(device)
loss_fn(model(inputs), labels).backward()
for param in model.parameters():
dist.all_reduce(param.grad.data, op=dist.ReduceOp.SUM)
param.grad.data /= size
optimizer.step()
print('done')
if __name__ == '__main__':
world_size = 4
mp.spawn(run, args=(world_size,), nprocs=world_size, join=True)
```
<!-- If you have a code sample, error messages, stack traces, please provide it here as well -->
## Expected behavior
```
Files already downloaded and verified
Files already downloaded and verified
Files already downloaded and verified
Files already downloaded and verified
done
done
done
done
```
<!-- A clear and concise description of what you expected to happen. -->
## Environment
PyTorch version: 1.3.1
Is debug build: No
CUDA used to build PyTorch: 10.0.130
OS: Ubuntu 16.04.6 LTS
GCC version: (Ubuntu 5.4.0-6ubuntu1~16.04.11) 5.4.0 20160609
CMake version: Could not collect
Python version: 3.6
Is CUDA available: Yes
CUDA runtime version: 10.1.243
GPU models and configuration:
GPU 0: Tesla P40
GPU 1: Tesla P40
GPU 2: Tesla P40
GPU 3: Tesla P40
Nvidia driver version: 418.43
cuDNN version: /usr/lib/x86_64-linux-gnu/libcudnn.so.7.6.3
Versions of relevant libraries:
[pip3] numpy==1.17.2
[pip3] torch==1.3.1
[pip3] torchvision==0.4.2
[conda] _pytorch_select 0.2 gpu_0
[conda] blas 1.0 mkl
[conda] mkl 2019.4 243
[conda] mkl-service 2.3.0 py36he904b0f_0
[conda] mkl_fft 1.0.15 py36ha843d7b_0
[conda] mkl_random 1.1.0 py36hd6b4f25_0
[conda] pytorch 1.3.1 cuda100py36h53c1284_0
[conda] torchvision 0.4.2 cuda100py36hecfc37a_0
NCCL version 2.4.8+cuda10.0
## Additional context
<!-- Add any other context about the problem here. -->
I tried training several times in different enviroment, and it worked well in the following conditions
1. running with Gloo backend.
2. using `nn.parallel.DistributedDataParallel(model)`
3. without using `average_gradients`
cc @pietern @mrshenli @pritamdamania87 @zhaojuanmao @satgera @rohan-varma @gqchen @aazzolini @xush6528 @osalpekar | oncall: distributed,triaged,module: nccl | low | Critical |
549,416,853 | go | x/text/currency: supported currency codes need an update (MRO->MRU, VEF->VES) | <!--
Please answer these questions before submitting your issue. Thanks!
For questions please use one of our forums: https://github.com/golang/go/wiki/Questions
-->
### What version of Go are you using (`go version`)?
<pre>
$ go version
go version go1.13.4 darwin/amd64
</pre>
### Does this issue reproduce with the latest release?
Yes.
### What operating system and processor architecture are you using (`go env`)?
Any.
### What did you do?
https://play.golang.org/p/GoUe1pIAVjo
### What did you expect to see?
VES and MRU must be parsed.
### What did you see instead?
currency: tag is not a recognized currency
### Additional info
Since 2018 VEF->VES and MRO->MRU but currency lib supports old currency names.
https://www.iso.org/iso-4217-currency-codes.html
https://en.wikipedia.org/wiki/List_of_circulating_currencies | NeedsFix | low | Minor |
549,439,271 | TypeScript | Allow augmentation of the async function prototype | ## Search Terms
AsyncFunction
## Suggestion
In JavaScript, We can get constructor of async function via
```javascript
const AsyncFunction= (async()=>{}).constructor;
```
And we can do something interesting with it's prototype:
```javascript
AsyncFunction.prototype.callConcurrently = async function (concurrency,...args){
return Promise.all(Array(concurrency).fill(this).map(f=>f(...args)));
}
```
Then we can do
```javascript
const af = async ()=>{};
af.callConcurrently(6, 'foo', 'bar');
```
But in TypeScript, we have no `AsyncFunction` interface to do the same thing.
We can add an `AsyncFunction` interface extends `Function` and let all functions start with `async` keyword implement it. And add an `AsyncFunctionConstructor` interface let `(async ()=>{}).constructor` implements it. The mode is now new but just like `GeneratorFunction` and `AsyncGeneratorFunction`.
## Use Cases and Example
```typescript
interface AsyncFunction
{
callConcurrently(concurrency:Number, ...args:any[]):Promise<any[]>;
}
(async()=>{}).constructor.prototype.callConcurrently = async function (concurrency, ...args){
return Promise.all(Array(concurrency).fill(this).map(f=>f(...args)));
}
const af = async ()=>{};
af.callConcurrently(6, 'foo', 'bar');
```
## Maybe Breaking Change
Currently `async()=>3` and `()=>Promise.resolve(3)` has the same type in TypeScript.
This proposal will make them different.
They are different in ECMAScript actually. See https://tc39.es/ecmascript-asyncawait/#async-function-constructor . So this breaking change actually fill the gap between TypeScript and ECMAScript.
## Checklist
My suggestion meets these guidelines:
* [ ] This wouldn't be a breaking change in existing TypeScript/JavaScript code
* [x] This wouldn't change the runtime behavior of existing JavaScript code
* [x] This could be implemented without emitting different JS based on the types of the expressions
* [x] This isn't a runtime feature (e.g. library functionality, non-ECMAScript syntax with JavaScript output, etc.)
* [x] This feature would agree with the rest of [TypeScript's Design Goals 6](https://github.com/Microsoft/TypeScript/wiki/TypeScript-Design-Goals)
* [ ] This feature would agree with the rest of [TypeScript's Design Goals 11](https://github.com/Microsoft/TypeScript/wiki/TypeScript-Design-Goals).
| Suggestion,Awaiting More Feedback | low | Minor |
549,448,371 | rust | Infinite types not detected | Gentlemen,
The following code causes my computer to freeze when attempting compilation (variant: takes a long time to compile and errs with "...infinite size...").
It should have warned about the infinite size type.
```rust
// /!\ DO NOT COMPILE THIS CODE FOR FUN /!\
fn main() {
#[derive(Debug)]
enum Atom<V, E> {
Vertex(V),
Edge(E),
}
#[derive(Debug)]
struct Edge<E, V> {
data: E,
// atom: Option<&'a Atom<Vertex<'a, V, Self>, Self>>, // Variant
atom: Option<Box<Atom<Vertex<V, Self>, Self>>>, // Bug here
}
#[derive(Debug)]
struct Vertex<V, E> {
data: V,
// atom: Option<&'a Atom<Self, Edge<'a, E, Self>>>, // Variant
atom: Option<Box<Atom<Self, Edge<E, Self>>>>, // Bug here
}
let vertex = Vertex::<i8, i8> {
data: 1,
atom: None,
};
let edge = Edge::<i8, i8> {
data: 1,
atom: None,
};
println!("{:#?} {:#?}", vertex, edge);
}
```
Hope this helps. | T-compiler,I-compilemem,C-bug | low | Critical |
549,465,774 | pytorch | Serialization inconsistency with pickling tensors breaks caching | ## π Bug
Serializing tensors with pickle yields inconsistent result.
**Expected:** IFF `tensorA == tensorB` then `serialize(tensorA) == serialize(tensorB)`
Additionally, I suspect this behavior breaks caching solutions: functools.lru_cache (see example below), redis (https://github.com/pytorch/pytorch/issues/19742).
## Environment
- PyTorch Version (e.g., 1.0): v1.3.1
- OS (e.g., Linux): Ubuntu 19.10
- How you installed PyTorch (`conda`, `pip`, source): pip
- Python version: 3.6 + 3.7
- CUDA/cuDNN version: 10.1
- GPU models and configuration: nvidia 1050
- Any other relevant information:
## To Reproduce
I have tested the following scenario with both CPU and GPU tensors.
```
import torch, pickle
add11 = lambda: torch.Tensor([1]) + torch.Tensor([1])
add11() == add11() # return tensor([True])
hash(add11()) == hash(add11()) # returns True
pickle.dumps(add11()) == pickle.dumps(add11()) # returns False [True exp.]
pickle.dumps(add11().data) == pickle.dumps(add11().data) # returns False [True exp.]
pickle.dumps(torch.Tensor([1])) == pickle.dumps(torch.Tensor([1])) # returns False [True exp.]
pickle.dumps(torch.Tensor([1])) == pickle.dumps(torch.Tensor([1]).data) # surprisingly, returns True as it should
```
Example code: (LRU cache)
```
import functools
@functools.lru_cache(None) # unlimited size
def add(x, y):
return x + y
for _ in range(10):
tmp = add(torch.Tensor([1]), torch.Tensor([1]))
add.cache_info().hits # returns 0 hits [9 expected]
``` | module: serialization,triaged | low | Critical |
549,476,090 | TypeScript | DOM suggestion: customisable `history.state` type | <!-- π¨ STOP π¨ π¦π§π’π£ π¨ πΊπ»πΆπ· π¨
Half of all issues filed here are duplicates, answered in the FAQ, or not appropriate for the bug tracker.
Please help us by doing the following steps before logging an issue:
* Search: https://github.com/Microsoft/TypeScript/search?type=Issues
* Read the FAQ, especially the "Common Feature Requests" section: https://github.com/Microsoft/TypeScript/wiki/FAQ
-->
## Search Terms
dom lib window state history any unknown
## Suggestion
Currently `window.history.state` has type `any`. Could we provide a way for users to customise this type? Perhaps by making it generic or allowing the type to be changed through declaration merging.
Failing that, could we replace the `any` type with `unknown`, so we have type safety and users are forced to validate/widen the type?
Another possible solution: if TypeScript provided a way to override `any` types (https://github.com/microsoft/TypeScript/issues/4062, https://github.com/microsoft/TypeScript/issues/26188).
Also related:
- https://github.com/DefinitelyTyped/DefinitelyTyped/pull/41568
- https://github.com/DefinitelyTyped/DefinitelyTyped/pull/41580
## Use Cases
<!--
What do you want to use this for?
What shortcomings exist with current approaches?
-->
## Examples
<!-- Show how this would be used and what the behavior would be -->
## Checklist
My suggestion meets these guidelines:
* [ ] This wouldn't be a breaking change in existing TypeScript/JavaScript code
* [ ] This wouldn't change the runtime behavior of existing JavaScript code
* [ ] This could be implemented without emitting different JS based on the types of the expressions
* [ ] This isn't a runtime feature (e.g. library functionality, non-ECMAScript syntax with JavaScript output, etc.)
* [ ] This feature would agree with the rest of [TypeScript's Design Goals](https://github.com/Microsoft/TypeScript/wiki/TypeScript-Design-Goals). | Suggestion,Awaiting More Feedback | low | Critical |
549,481,162 | pytorch | C++ randint returns float32, python returns int64 | ## π Bug
This has come up before, issue #14079 and pr #11040
It looks like the python side was fixed to return longs (but documentation still has: "_dtype (torch.dtype, optional) β the desired data type of returned tensor. Default: if None, uses a global default_")
## To Reproduce
```
>>> import torch
>>> torch.randint(10,(3,)).dtype
torch.int64
```
```
std::cerr << torch::randint(10,{3}) << "\n";
5
0
9
[ CPUFloatType{3} ]
```
## Expected behavior
Both behaviours are reasonable, but I guess I would expect the c++ implementation to match python.
cc @yf225 | module: cpp,triaged | low | Critical |
549,495,990 | rust | The bounds information of associated types is not propagated correctly when used with trait aliases. | Hi! The following code does not compile, while it should. The functions `test1` and `test2` do the same thing, while `test1` compiles and `test2` does not:
```rust
#![feature(trait_alias)]
use std::marker::PhantomData;
pub struct X{}
pub trait T2 = where PhantomData<Self>: Into<X>;
pub trait T {
type Item: T2;
fn test1() -> X {
PhantomData::<Self::Item>.into()
}
}
fn test2<S:T>(s:S) -> X {
PhantomData::<S::Item>.into()
}
```
Error:
```
error[E0277]: the trait bound `X: std::convert::From<std::marker::PhantomData<<S as T>::Item>>` is not satisfied
--> src/lib.rs:18:28
|
18 | PhantomData::<S::Item>.into()
| ^^^^ the trait `std::convert::From<std::marker::PhantomData<<S as T>::Item>>` is not implemented for `X`
|
= note: required because of the requirements on the impl of `std::convert::Into<X>` for `std::marker::PhantomData<<S as T>::Item>`
``` | A-trait-system,T-lang,T-compiler,C-bug,F-trait_alias,requires-nightly | low | Critical |
549,536,475 | flutter | [Feature-Request] Delayed Animations with Built-in Animated Widgets | ## Use case
Delayed Animations with Built-in Animated Widgets , like :
```
AnimatedOpacity(
duration: const Duration(milliseconds: 250), // TODO : animate after backdrop opened
delay: const Duration(milliseconds: 350), // REQUESTED FEATURE
opacity: isBackDropOpen ? 1 : 0,
child: myBackDrop(),
),
```
## Proposal
didn't find any pub.dev package to do this in the Widgets themselves,
and I'm not sure if it's possible.
but it's obvious how much easier and straight-forward it would become to animate with delays this way.
β€οΈ
* by delay I mean the animation and changes (the **opacity** in this example) happen after this given **delay** has passed after changes in the code (**isBackDropOpen** in this example).
| c: new feature,framework,P3,team-framework,triaged-framework | low | Major |
549,546,392 | pytorch | Support in-place pinning of memory | ## π Feature
Provide a `pin_memory_` method on tensors (note the trailing underscore) which operates in-place.
## Motivation
Pinning memory using the current `pin_memory` method creates a copy of the memory. This is problematic when the data that needs to be pinned is too large to hold two copies of it at once. Also, this doesn't allow to pin shared memory, because the "sharedness" of the memory is lost upon copying it.
## Pitch
My project, PyTorch-BigGraph, needs this feature for exactly the two reasons outlined above. In-place pinning is a primitive operation that is very easy to implement. The fact that it's missing appears to be an inconsistency in PyTorch's API.
## Alternatives
The function on the CUDA runtime that performs this can be called manually with ctypes:
```
import ctypes
torch.cuda.check_error(torch.cuda.cudart().cudaHostRegister(
ctypes.c_void_p(tensor.data_ptr()),
ctypes.c_size_t(tensor.numel() * x.element_size()),
ctypes.c_uint(0),
))
assert tensor.is_pinned()
torch.cuda.check_error(torch.cuda.cudart().cudaHostUnregister(
ctypes.c_void_p(tensor.data_ptr()),
))
```
## Additional context
In-place pinning is slow, typically as slow or slower than copying un-pinned memory to the GPU. It is thus an "investment" that makes sense only if the memory is long-lived, as it will be amortized only if the memory will be copied several times.
cc @mruberry @mikaylagawarecki @ezyang @gchanan @zou3519 | module: serialization,triaged | low | Critical |
549,570,665 | godot | Gridmap doesn't update in parent scene when "Editable Children" is enabled | **Godot version:**
Occurs in both 3.1.2 and the latest release of 3.2
**OS/device including version:**
Linux - Ubuntu 18.04
**Issue description:**
I have a gridmap in a child scene, which exists as an instanced scene in a parent scene. I have "Editable Children" set to true here. However, when I add or remove meshes to the gridmap and save, these changes do not appear in the parent scene. If I disable "Editable Children" and save the child scene again, all changes to the gridmap are reflected in the parent scene.
I just need to get the paths to nodes within the child scene so I haven't actually edited any of the nodes from the parent scene (especially not the gridmap). Also the properties of other nodes update even when Editable Children is set to true. Because of that I would expect these changes to sync between scenes even if the instanced scene is editable, but they don't.
**Steps to reproduce:**
Using the minimal reproduction project:
-From the child scene, add or remove meshes to the gridmap and save.
-Switch over to the parent scene; note how these changes to the gridmap don't appear here.
-Set "Editable Children" to false.
-Switch to the child scene and save.
-Switch over to the parent scene again; all changes to the gridmap will now appear.
**Minimal reproduction project:**
[gridmap-not-updating.zip](https://github.com/godotengine/godot/files/4059335/gridmap-not-updating.zip)
| bug,topic:core,confirmed | low | Minor |
549,572,462 | godot | Shader editor should be shown when shader compilation error is raised | **Godot version:**
3.2 master (ea4c88f3)
**OS/device including version:**
Any
**Issue description:**
When a compilation error happens in a shader, the compilation error and problematic line are properly displayed in the shader text editor.
But it's not always visible when the error is raised, so the UX is not so good. If you're in the normal Output panel, you will see the full shader text dumped and error at the end, but not which shader is affected.
Moreoever, when running the project, the shader text is dumped in output, but the error is then not displayed there, but in the Debugger Errors tab.
The shader editor for the affected shader should be raised when this happens.
**Steps to reproduce:**
- Try MRP, see error in Output but no link to the actual shader code
- Open shader editor, see the proper error reporting
**Minimal reproduction project:**
[IsNanTangentShaderError.zip](https://github.com/godotengine/godot/files/2913023/IsNanTangentShaderError.zip) (from #26387). | enhancement,topic:editor,usability,topic:shaders | low | Critical |
549,586,484 | go | x/tools/go/packages: Load returned packages with errors when specifying GOOS | <!--
Please answer these questions before submitting your issue. Thanks!
For questions please use one of our forums: https://github.com/golang/go/wiki/Questions
-->
### What version of Go are you using (`go version`)?
<pre>
$ go version
$ go version
go version go1.13.5 darwin/amd64
</pre>
### Does this issue reproduce with the latest release?
Yes
### What operating system and processor architecture are you using (`go env`)?
<details><summary><code>go env</code> Output</summary><br><pre>
$ go env
$ go env
GO111MODULE=""
GOARCH="amd64"
GOBIN=""
GOCACHE="/Users/hajimehoshi/Library/Caches/go-build"
GOENV="/Users/hajimehoshi/Library/Application Support/go/env"
GOEXE=""
GOFLAGS=""
GOHOSTARCH="amd64"
GOHOSTOS="darwin"
GONOPROXY=""
GONOSUMDB=""
GOOS="darwin"
GOPATH="/Users/hajimehoshi/go"
GOPRIVATE=""
GOPROXY="https://proxy.golang.org,direct"
GOROOT="/usr/local/go"
GOSUMDB="sum.golang.org"
GOTMPDIR=""
GOTOOLDIR="/usr/local/go/pkg/tool/darwin_amd64"
GCCGO="gccgo"
AR="ar"
CC="clang"
CXX="clang++"
CGO_ENABLED="1"
GOMOD=""
CGO_CFLAGS="-g -O2"
CGO_CPPFLAGS=""
CGO_CXXFLAGS="-g -O2"
CGO_FFLAGS="-g -O2"
CGO_LDFLAGS="-g -O2"
PKG_CONFIG="pkg-config"
GOGCCFLAGS="-fPIC -m64 -pthread -fno-caret-diagnostics -Qunused-arguments -fmessage-length=0 -fdebug-prefix-map=/var/folders/ht/ky_bwgzs4bd5z1hh02k34x_h0000gn/T/go-build430597543=/tmp/go-build -gno-record-gcc-switches -fno-common"
</pre></details>
### What did you do?
<!--
If possible, provide a recipe for reproducing the error.
A complete runnable program is good.
A link on play.golang.org is best.
-->
Created these files in one directory.
`go.mod`:
```
module example.com/m
go 1.13
require golang.org/x/tools v0.0.0-20200114052453-d31a08c2edf2 // indirect
```
`main.go`:
```go
// +build ignore
package main
import (
"fmt"
"os"
"golang.org/x/tools/go/packages"
)
func main() {
cfg := &packages.Config{
Mode: packages.NeedName | packages.NeedFiles |
packages.NeedImports | packages.NeedDeps |
packages.NeedTypes | packages.NeedSyntax | packages.NeedTypesInfo,
Env: append(os.Environ(), "GOOS=android", "CGO_ENABLED=1"),
}
allPkg, err := packages.Load(cfg, ".")
if err != nil {
panic(err)
}
for _, pkg := range allPkg {
if len(pkg.Errors) > 0 {
panic(fmt.Sprintf("%v", pkg.Errors))
}
}
}
```
`c.go`:
```go
package lib
import "C"
```
### What did you expect to see?
No error
### What did you see instead?
```
$ gl clean -cache && go run main.go
panic: [/Users/hajimehoshi/test/cgo/c.go:3:8: could not import C (no metadata for C)]
goroutine 1 [running]:
main.main()
/Users/hajimehoshi/test/cgo/main.go:24 +0x2c6
exit status 2
```
This is similar to #36441 | NeedsInvestigation,Tools | medium | Critical |
549,589,543 | rust | Don't render text from implementors file | Currently, we generate some HTML directly into the implementors file which is then used to add the missing implementors on some traits. This shouldn't be done this way, instead we should just provide the needed information and then generate the tag on the front-end to prevent some malicious insertions. | T-rustdoc | low | Minor |
549,608,952 | TypeScript | Mark function expressions differently from variables | ## Search Terms
Differentiate JS function vars from other vars, outline, breadcrumb, variable, function expression, arrow function expression
## Suggestion
With the addition of `outline.showVariables` setting in VS Code, I would like to have this issue reconsidered.
https://github.com/microsoft/vscode/issues/84359


Use case and example as above.
Other internal mechanisms and userland extensions could possibly benefit from this change as well.
## Checklist
My suggestion meets these guidelines:
* [x] This wouldn't be a breaking change in existing TypeScript/JavaScript code
* [x] This wouldn't change the runtime behavior of existing JavaScript code
* [x] This could be implemented without emitting different JS based on the types of the expressions
* [x] This isn't a runtime feature (e.g. library functionality, non-ECMAScript syntax with JavaScript output, etc.)
* [x] This feature would agree with the rest of [TypeScript's Design Goals](https://github.com/Microsoft/TypeScript/wiki/TypeScript-Design-Goals).
## refs
https://github.com/microsoft/vscode/issues/84359
https://github.com/microsoft/TypeScript/issues/14830
https://github.com/microsoft/TypeScript/issues/29036 | Suggestion,Awaiting More Feedback | low | Major |
549,616,995 | go | x/crypto/acme/autocert: Manager.RenewBefore must be >1hour | <!--
Please answer these questions before submitting your issue. Thanks!
For questions please use one of our forums: https://github.com/golang/go/wiki/Questions
-->
### What version of Go are you using (`go version`)?
<pre>
$ go version
go version go1.13.6 linux/amd64
$ go list -m golang.org/x/crypto
golang.org/x/crypto v0.0.0-20200109152110-61a87790db17
</pre>
### Does this issue reproduce with the latest release?
Yes
### What did you do?
Used a `Manager` with `RenewBefore` set to 5 minutes (as a part of a test while running my own boulder instance):
```
m := autocert.Manager{
// ...
RenewBefore: time.Minute * 5,
}
```
### What did you expect to see?
I expected that the manager actually used 5 minutes as `RenewBefore`, since [the documentation](https://github.com/golang/crypto/blob/61a87790db17894570dfb32dbaa0a4af9ce60cb4/acme/autocert/autocert.go#L135) states:
> // RenewBefore optionally specifies how early certificates should
> // be renewed before they expire.
> //
> // **If zero, they're renewed 30 days before expiration.**
> RenewBefore time.Duration
### What did you see instead?
`RenewBefore` being set to 30 days.
There is a check that makes sure that the value specified is more than the `renewJitter` (1 hour):
https://github.com/golang/crypto/blob/61a87790db17894570dfb32dbaa0a4af9ce60cb4/acme/autocert/autocert.go#L1098
Either it should be allowed to use values less than one hour, or the documentation should reflect that values less than an hour is the same thing as "30 days". | NeedsInvestigation | low | Minor |
549,628,762 | vue | VSCode "auto import" of ESM module broken in 2.6.11 with umd namespace | ### Version
2.6.11
### Reproduction link
[https://imgur.com/a/RxJz6fT](https://imgur.com/a/RxJz6fT)
### Steps to reproduce
Since the 2.6.11 my IDE (VSCode) now suggest me import Vue from the 'vue/types/umd' namespace instead of the ESModule 'vue'
I'm using
Vue 2.6.11
Vue-CLI 4.1.0
VScode 1.41.1
Typescript 3.7.4
### What is expected?
Prior 2.6.11, VScode was suggesting to `import Vue from 'vue'`
### What is actually happening?
VSCode is suggesting me to `import Vue from 'vue/types/umd'` see screenshot
---
maybe it's releated to https://github.com/vuejs/vue/pull/9912 ?
<!-- generated by vue-issues. DO NOT REMOVE --> | typescript | low | Critical |
549,634,668 | TypeScript | Add diff chunk header lines to Git | <!-- π¨ STOP π¨ π¦π§π’π£ π¨ πΊπ»πΆπ· π¨
Half of all issues filed here are duplicates, answered in the FAQ, or not appropriate for the bug tracker.
Please help us by doing the following steps before logging an issue:
* Search: https://github.com/Microsoft/TypeScript/search?type=Issues
* Read the FAQ, especially the "Common Feature Requests" section: https://github.com/Microsoft/TypeScript/wiki/FAQ
-->
## Search Terms
`userdiff` `xfuncname`
## Suggestion
Please add regular expressions to https://github.com/git/git/blob/master/userdiff.c such that TypeScript constructs can be identified in a predictable manner by the Git diff algorithm.
## Use Cases
When I do a `git diff` or `git add -p` that includes TypeScript code, it's nice to see the function and/or class names of the changed lines I am looking at.
## Examples
- `git diff -- *.ts`
- `git add -p -- *.ts`
## Checklist
My suggestion meets these guidelines:
* [x] This wouldn't be a breaking change in existing TypeScript/JavaScript code
* [x] This wouldn't change the runtime behavior of existing JavaScript code
* [x] This could be implemented without emitting different JS based on the types of the expressions
* [x] This isn't a runtime feature (e.g. library functionality, non-ECMAScript syntax with JavaScript output, etc.)
* [x] This feature would agree with the rest of [TypeScript's Design Goals](https://github.com/Microsoft/TypeScript/wiki/TypeScript-Design-Goals).
- Particularly "Provide a structuring mechanism for larger pieces of code."
| Suggestion,Help Wanted,Community Tooling,Experience Enhancement,PursuitFellowship | low | Critical |
549,693,894 | vscode | onDebugInitialConfigurations activation event causes extensions to load when pressing F5 to run other projects | This has bugged me forever, but @isidorn [informs me](https://github.com/microsoft/vscode-python/issues/9557#issuecomment-574259357) this isn't intended.
1. Clone [mock-debug](https://github.com/Microsoft/vscode-mock-debug)
2. Replace `activationEvents` with `"onDebugInitialConfigurations"`
2.5 Change vscode engine version to 1.41 if using Stable (and delete `InlineDebugAdapterFactory`)
3. Run the project to launch extension dev host
4. Confirm mock-debug is *not* loaded
5. Open some project (for example Dart) that does *not* have a `launch.json`
6. Press `F5`
7. Note mock-debug is listed in the list and extension is activated
This behaviour is bad because many language extensions do expensive things at activation (downloaded SDK components, spawn language servers) which does not make sense to do for C#, Python, etc. when I'm pressing `F5` to run my Dart (for ex.) project.
| bug,debug | low | Critical |
549,745,987 | vscode | [folding] seperate color for line numbers at collapsed row | When we collapse rows, it's difficult to tell that we have, especially since hovering over the line numbers gutter causes all of the expand/collapse indicators to return.
I realize that, currently, a sticky expand indicator is left behind when rows are collapsed, but I propose that the line numbers themselves be lit up with a themable color. So, for example, if rows collapse so that we have
...
149
150
**151
306**
307
308
...
the numbers **151** and **306** would glow brighter in some way. This would be in addition to the sticky expander.
| feature-request,editor-folding | low | Minor |
549,753,586 | go | gollvm: document that building requires a POSIX compliant shell | ### What version of Go are you using (`go version`)?
<pre>
$ go version
go version go1.13.6 linux/amd64
</pre>
### Does this issue reproduce with the latest release?
Yes - I'm following exactly the directions at https://go.googlesource.com/gollvm/.
(I am using the LLVM `release/9.x` branch rather than LLVM `master` - I assume `gollvm` is compatible with LLVM 9.x, which is the latest stable release?)
### What operating system and processor architecture are you using (`go env`)?
<details><summary><code>go env</code> Output</summary><br><pre>
$ go env
GO111MODULE=""
GOARCH="amd64"
GOBIN=""
GOCACHE="/home/craig/.cache/go-build"
GOENV="/home/craig/.config/go/env"
GOEXE=""
GOFLAGS=""
GOHOSTARCH="amd64"
GOHOSTOS="linux"
GONOPROXY=""
GONOSUMDB=""
GOOS="linux"
GOPATH="/home/craig/go"
GOPRIVATE=""
GOPROXY="https://proxy.golang.org,direct"
GOROOT="/home/craig/go"
GOSUMDB="sum.golang.org"
GOTMPDIR=""
GOTOOLDIR="/home/craig/go/pkg/tool/linux_amd64"
GCCGO="gccgo"
AR="ar"
CC="gcc"
CXX="g++"
CGO_ENABLED="1"
GOMOD=""
CGO_CFLAGS="-g -O2"
CGO_CPPFLAGS=""
CGO_CXXFLAGS="-g -O2"
CGO_FFLAGS="-g -O2"
CGO_LDFLAGS="-g -O2"
PKG_CONFIG="pkg-config"
GOGCCFLAGS="-fPIC -m64 -pthread -fmessage-length=0 -fdebug-prefix-map=/tmp/go-build651941202=/tmp/go-build -gno-record-gcc-switches"
</pre></details>
### What did you do?
<pre>
git clone [email protected]:llvm/llvm-project
cd llvm-project
git checkout release/9.x
cd llvm/tools
git clone https://go.googlesource.com/gollvm
cd gollvm
git clone https://go.googlesource.com/gofrontend
cd libgo
git clone https://github.com/libffi/libffi.git
git clone https://github.com/ianlancetaylor/libbacktrace.git
cd ~
mkdir gollvm-build
cd gollvm-build
cmake -DCMAKE_BUILD_TYPE=Debug -DLLVM_USE_LINKER=gold -G Ninja ../llvm-project/llvm
</pre>
The output of the `cmake` command is probably interesting here - there are a large number of errors from `gofrontend/libgo/match.sh`:
<details><summary><code>cmake</code> Output</summary><br><pre>
-- Native target architecture is X86
-- Threads enabled.
-- Doxygen disabled.
-- Go bindings enabled.
-- Ninja version: 1.9.0
-- OCaml bindings enabled.
-- LLVM host triple: x86_64-unknown-linux-gnu
-- LLVM default target triple: x86_64-unknown-linux-gnu
/usr/bin/ar: creating t.a
-- Building with -fPIC
-- Constructing LLVMBuild project information
-- Linker detection: GNU Gold
-- Targeting AArch64
-- Targeting AMDGPU
-- Targeting ARM
-- Targeting BPF
-- Targeting Hexagon
-- Targeting Lanai
-- Targeting Mips
-- Targeting MSP430
-- Targeting NVPTX
-- Targeting PowerPC
-- Targeting RISCV
-- Targeting Sparc
-- Targeting SystemZ
-- Targeting WebAssembly
-- Targeting X86
-- Targeting XCore
-- starting libgo configuration.
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: common.go format.go reader.go stat_actime1.go stat_actime2.go stat_unix.go strconv.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: reader.go register.go struct.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: bufio.go scan.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: buffer.go bytes.go reader.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: bit_reader.go bzip2.go huffman.go move_to_front.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: deflate.go deflatefast.go dict_decoder.go huffman_bit_writer.go huffman_code.go inflate.go token.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: gunzip.go gzip.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: reader.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: reader.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: heap.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: list.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: ring.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: context.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: crypto.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: aes_gcm.go block.go cbc_s390x.go cipher.go cipher_asm.go cipher_generic.go cipher_ppc64le.go cipher_s390x.go const.go ctr_s390x.go gcm_s390x.go modes.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: cbc.go cfb.go cipher.go ctr.go gcm.go io.go ofb.go xor_amd64.go xor_generic.go xor_ppc64x.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: block.go cipher.go const.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: dsa.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: ed25519.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: const.go edwards25519.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: hmac.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: randutil.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: aliasing.go aliasing_appengine.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: gen.go md5.go md5block.go md5block_decl.go md5block_generic.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: eagain.go rand.go rand_batched.go rand_freebsd.go rand_js.go rand_linux.go rand_openbsd.go rand_unix.go rand_windows.go util.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: rc4.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: pkcs1v15.go pss.go rsa.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: constant_time.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: alert.go auth.go cipher_suites.go common.go conn.go generate_cert.go handshake_client.go handshake_client_tls13.go handshake_messages.go handshake_server.go handshake_server_tls13.go key_agreement.go key_schedule.go prf.go ticket.go tls.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: file name too long: cert_pool.go pem_decrypt.go pkcs1.go pkcs8.go root.go root_aix.go root_bsd.go root_cgo_darwin.go root_darwin.go root_darwin_arm_gen.go root_darwin_armx.go root_hurd.go root_js.go root_linux.go root_nacl.go root_nocgo_darwin.go root_plan9.go root_solaris.go root_unix.go root_windows.go sec1.go verify.go x509.go x509_test_import.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: pkix.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: convert.go ctxutil.go sql.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: driver.go types.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: attr_string.go buf.go class_string.go const.go entry.go line.go open.go tag_string.go type.go typeunit.go unit.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: elf.go file.go reader.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: pclntab.go symtab.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: fat.go file.go macho.go reloctype.go reloctype_string.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: file.go pe.go section.go string.go symbol.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: file.go plan9obj.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: encoding.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: ascii85.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: asn1.go common.go marshal.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: base32.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: base64.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: binary.go varint.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: fuzz.go reader.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: debug.go dec_helpers.go decgen.go decode.go decoder.go doc.go dump.go enc_helpers.go encgen.go encode.go encoder.go error.go type.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: hex.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: decode.go encode.go fold.go fuzz.go indent.go scanner.go stream.go tables.go tags.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: pem.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: marshal.go read.go typeinfo.go xml.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: errors.go wrap.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: expvar.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: flag.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: doc.go errors.go format.go print.go scan.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: ast.go commentmap.go filter.go import.go print.go resolve.go scope.go walk.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: build.go doc.go gc.go gccgo.go read.go syslist.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: value.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: comment.go doc.go example.go exports.go filter.go headscan.go reader.go synopsis.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: format.go internal.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: importer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: ar.go gccgoinstallation.go importer.go parser.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: bimport.go exportdata.go gcimporter.go iimport.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: srcimporter.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: interface.go parser.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: nodes.go printer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: errors.go scanner.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: position.go serialize.go token.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: file name too long: api.go assignments.go builtins.go call.go check.go conversions.go decl.go errors.go eval.go expr.go exprstring.go gccgosizes.go gotype.go initorder.go interfaces.go labels.go lookup.go methodset.go object.go objset.go operand.go package.go predicates.go resolver.go return.go scope.go selection.go sizes.go stmt.go type.go typestring.go typexpr.go universe.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: chacha20poly1305.go chacha20poly1305_amd64.go chacha20poly1305_generic.go chacha20poly1305_noasm.go xchacha20poly1305.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: asn1.go builder.go string.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: asn1.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: curve25519.go doc.go mont25519_amd64.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: hkdf.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: chacha_arm64.go chacha_generic.go chacha_noasm.go chacha_ppc64le.go chacha_s390x.go xor.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: aliasing.go aliasing_appengine.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: message.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: guts.go httplex.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: proxy.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: encode.go hpack.go huffman.go tables.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: idna10.0.0.go idna9.0.0.go punycode.go tables10.0.0.go tables11.0.0.go tables9.0.0.go trie.go trieval.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: bidirule.go bidirule10.0.0.go bidirule9.0.0.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: transform.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: bidi.go bracket.go core.go prop.go tables10.0.0.go tables11.0.0.go tables9.0.0.go trieval.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: composition.go forminfo.go input.go iter.go normalize.go readwriter.go tables10.0.0.go tables11.0.0.go tables9.0.0.go transform.go trie.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: hash.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: adler32.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: crc64.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: fnv.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: entity.go escape.go fuzz.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: attr.go attr_string.go content.go context.go css.go delim_string.go doc.go element_string.go error.go escape.go html.go js.go jsctx_string.go state_string.go template.go transition.go url.go urlpart_string.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: format.go geom.go image.go names.go ycbcr.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: color.go ycbcr.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: gen.go generate.go palette.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: draw.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: reader.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: gen.go imageutil.go impl.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: fdct.go huffman.go idct.go reader.go scan.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: fuzz.go paeth.go reader.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: gen.go sais.go sais2.go suffixarray.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: bytealg.go compare_generic.go compare_native.go count_generic.go count_native.go equal_generic.go equal_native.go gccgo.go index_amd64.go index_arm64.go index_generic.go index_native.go index_s390x.go indexbyte_generic.go indexbyte_native.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: cfg.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: cpu.go cpu_386.go cpu_amd64.go cpu_amd64p32.go cpu_arm.go cpu_arm64.go cpu_no_init.go cpu_ppc64x.go cpu_s390x.go cpu_x86.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: sort.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: gc.go gccgo.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: goversion.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: lazyre.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: lazytemplate.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: nettrace.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: errors.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: file name too long: errno_unix.go errno_windows.go fd.go fd_fsync_darwin.go fd_fsync_posix.go fd_fsync_windows.go fd_io_plan9.go fd_mutex.go fd_opendir_darwin.go fd_plan9.go fd_poll_nacljs.go fd_poll_runtime.go fd_posix.go fd_unix.go fd_windows.go fd_writev_darwin.go fd_writev_unix.go hook_cloexec.go hook_unix.go hook_windows.go sendfile_bsd.go sendfile_glibc.go sendfile_solaris.go sendfile_windows.go sock_cloexec.go sockopt.go sockopt_linux.go sockopt_unix.go sockopt_windows.go sockoptip.go splice_linux.go strconv.go sys_cloexec.go writev.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: doc.go norace.go race.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: swapper.go type.go value.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: singleflight.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: log.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: gc.go goroutines.go mud.go order.go parser.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: ar.go file.go xcoff.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: io.go multi.go pipe.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: ioutil.go tempfile.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: log.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: doc.go syslog.go syslog_libc.go syslog_unix.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: file name too long: abs.go acosh.go arith_s390x.go asin.go asinh.go atan.go atan2.go atanh.go bits.go cbrt.go const.go copysign.go dim.go erf.go erfinv.go exp.go exp_asm.go expm1.go floor.go frexp.go gamma.go hypot.go j0.go j1.go jn.go ldexp.go lgamma.go log.go log10.go log1p.go logb.go mod.go modf.go nextafter.go pow.go pow10.go remainder.go signbit.go sin.go sincos.go sinh.go sqrt.go tan.go tanh.go trig_reduce.go unsafe.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: file name too long: accuracy_string.go arith.go arith_amd64.go arith_decl.go arith_decl_pure.go arith_decl_s390x.go decimal.go doc.go float.go floatconv.go floatmarsh.go ftoa.go int.go intconv.go intmarsh.go nat.go natconv.go prime.go rat.go ratconv.go ratmarsh.go roundingmode_string.go sqrt.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: bits.go bits_errors.go bits_errors_bootstrap.go bits_tables.go make_examples.go make_tables.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: abs.go asin.go conj.go exp.go isinf.go isnan.go log.go phase.go polar.go pow.go rect.go sin.go sqrt.go tan.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: exp.go gen_cooked.go normal.go rand.go rng.go zipf.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: formdata.go multipart.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: reader.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: file name too long: addrselect.go cgo_aix.go cgo_android.go cgo_bsd.go cgo_hurd.go cgo_linux.go cgo_netbsd.go cgo_openbsd.go cgo_resnew.go cgo_resold.go cgo_socknew.go cgo_sockold.go cgo_solaris.go cgo_stub.go cgo_unix.go cgo_windows.go conf.go conf_netcgo.go dial.go dnsclient.go dnsclient_unix.go dnsconfig_unix.go error_nacl.go error_plan9.go error_posix.go error_unix.go error_windows.go fd_plan9.go fd_unix.go fd_windows.go file.go file_plan9.go file_stub.go file_unix.go file_windows.go hook.go hook_plan9.go hook_unix.go hook_windows.go hosts.go interface.go interface_aix.go interface_bsd.go interface_bsdvar.go interface_darwin.go interface_freebsd.go interface_linux.go interface_plan9.go interface_solaris.go interface_stub.go interface_windows.go ip.go iprawsock.go iprawsock_plan9.go iprawsock_posix.go ipsock.go ipsock_plan9.go ipsock_posix.go lookup.go lookup_fake.go lookup_plan9.go lookup_unix.go lookup_windows.go mac.go net.go net_fake.go newpollserver_rtems.go nss.go parse.go pipe.go port.go port_unix.go rawconn.go sendfile_glibc.go sendfile_stub.go sendfile_unix_alt.go sendfile_windows.go sock_bsd.go sock_cloexec.go sock_linux.go sock_plan9.go sock_posix.go sock_stub.go sock_windows.go sockaddr_posix.go sockopt_aix.go sockopt_bsd.go sockopt_hurd.go sockopt_linux.go sockopt_plan9.go sockopt_posix.go sockopt_solaris.go sockopt_stub.go sockopt_windows.go sockoptip_bsdvar.go sockoptip_linux.go sockoptip_posix.go sockoptip_stub.go sockoptip_windows.go splice_linux.go splice_stub.go sys_cloexec.go tcpsock.go tcpsock_plan9.go tcpsock_posix.go tcpsockopt_darwin.go tcpsockopt_dragonfly.go tcpsockopt_openbsd.go tcpsockopt_plan9.go tcpsockopt_posix.go tcpsockopt_solaris.go tcpsockopt_stub.go tcpsockopt_unix.go tcpsockopt_windows.go udpsock.go udpsock_plan9.go udpsock_posix.go unixsock.go unixsock_plan9.go unixsock_posix.go writev_unix.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: client.go clone.go cookie.go doc.go filetransport.go fs.go h2_bundle.go header.go http.go jar.go method.go request.go response.go roundtrip.go roundtrip_js.go server.go sniff.go socks_bundle.go status.go transfer.go transport.go triv.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: child.go host.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: jar.go punycode.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: child.go fcgi.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: httptest.go recorder.go server.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: trace.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: dump.go httputil.go persist.go reverseproxy.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: chunked.go testcert.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: pprof.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: message.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: client.go debug.go server.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: client.go server.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: auth.go smtp.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: header.go pipeline.go reader.go textproto.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: url.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: file name too long: dir.go dir_gccgo.go dir_largefile.go dir_libc64_gccgo.go dir_libc_gccgo.go dir_plan9.go dir_regfile.go env.go env_default.go env_windows.go error.go error_errno.go error_plan9.go error_posix.go exec.go exec_plan9.go exec_posix.go exec_unix.go exec_windows.go executable.go executable_darwin.go executable_freebsd.go executable_path.go executable_plan9.go executable_procfs.go executable_solaris.go executable_windows.go file.go file_plan9.go file_posix.go file_unix.go getwd.go getwd_darwin.go path.go path_plan9.go path_unix.go path_windows.go pipe2_bsd.go pipe_bsd.go pipe_glibc.go proc.go rawconn.go removeall_at.go removeall_noat.go stat.go stat_aix.go stat_atim.go stat_atimespec.go stat_dragonfly.go stat_nacljs.go stat_plan9.go stat_solaris.go stat_unix.go sticky_bsd.go sticky_notbsd.go str.go sys.go sys_bsd.go sys_js.go sys_linux.go sys_nacl.go sys_plan9.go sys_uname.go sys_unix.go types.go types_plan9.go types_unix.go types_windows.go wait_unimp.go wait_wait6.go wait_waitid.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: doc.go signal.go signal_plan9.go signal_unix.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: pty.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: cgo_lookup_unix.go decls_aix.go decls_solaris.go decls_unix.go listgroups_aix.go listgroups_solaris.go listgroups_unix.go lookup.go lookup_android.go lookup_plan9.go lookup_stubs.go lookup_unix.go lookup_windows.go user.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: match.go path.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: deepequal.go makefunc.go makefunc_ffi.go swapper.go type.go value.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: backtrack.go exec.go onepass.go regexp.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: compile.go doc.go op_string.go parse.go perl_groups.go prog.go regexp.go simplify.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: garbage.go mod.go stack.go stubs.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: gccgo.go stubs.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: math.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: intrinsics.go stubs.go sys.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: elf.go label.go map.go pprof.go proto.go protobuf.go protomem.go runtime.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: encode.go filter.go legacy_profile.go profile.go proto.go prune.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: annotation.go trace.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: genzfunc.go search.go slice.go slice_go113.go slice_go14.go slice_go18.go sort.go zfuncversion.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: atob.go atof.go atoi.go decimal.go doc.go extfloat.go ftoa.go isprint.go itoa.go makeisprint.go quote.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: builder.go compare.go reader.go replace.go search.go strings.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: cond.go map.go mutex.go once.go pool.go poolqueue.go runtime.go rwmutex.go waitgroup.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: doc.go value.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: file name too long: bpf_bsd.go bpf_darwin.go const_plan9.go dir_plan9.go dirent.go endian_big.go endian_little.go env_plan9.go env_unix.go env_windows.go errors_plan9.go errstr.go errstr_glibc.go exec_bsd.go exec_darwin.go exec_linux.go exec_stubs.go exec_unix.go exec_windows.go flock_darwin.go forkpipe.go forkpipe2.go fs_js.go libcall_aix.go libcall_bsd.go libcall_bsd_largefile.go libcall_bsd_regfile.go libcall_glibc.go libcall_hurd.go libcall_hurd_386.go libcall_irix.go libcall_linux.go libcall_linux_386.go libcall_linux_alpha.go libcall_linux_amd64.go libcall_linux_s390.go libcall_linux_s390x.go libcall_linux_utimesnano.go libcall_posix.go libcall_posix_largefile.go libcall_posix_nonhurd.go libcall_posix_regfile.go libcall_posix_utimesnano.go libcall_solaris_386.go libcall_solaris_amd64.go libcall_solaris_largefile.go libcall_solaris_regfile.go libcall_solaris_sparc.go libcall_solaris_sparc64.go libcall_support.go libcall_uname.go libcall_wait4.go libcall_wait4_aix.go lsf_linux.go mkasm_darwin.go msan0.go net.go net_js.go netlink_linux.go pwd_plan9.go route_bsd.go route_darwin.go route_dragonfly.go route_freebsd.go route_freebsd_32bit.go route_freebsd_64bit.go route_netbsd.go route_openbsd.go security_windows.go setuidgid_32_linux.go setuidgid_linux.go sleep_rtems.go sleep_select.go sockcmsg_linux.go sockcmsg_unix.go socket.go socket_aix.go socket_bsd.go socket_irix.go socket_linux.go socket_linux_ppc64x_type.go socket_linux_type.go socket_posix.go socket_solaris.go socket_xnet.go str.go syscall.go syscall_aix.go syscall_aix_ppc.go syscall_aix_ppc64.go syscall_darwin.go syscall_dragonfly.go syscall_errno.go syscall_freebsd.go syscall_funcs.go syscall_funcs_stubs.go syscall_glibc.go syscall_js.go syscall_linux_386.go syscall_linux_alpha.go syscall_linux_amd64.go syscall_linux_mipsx.go syscall_linux_s390.go syscall_linux_s390x.go syscall_netbsd.go syscall_netbsd_arm64.go syscall_openbsd.go syscall_openbsd_arm64.go syscall_solaris.go syscall_unix.go tables_nacljs.go timestruct.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: allocs.go benchmark.go cover.go example.go match.go run_example.go run_example_js.go testing.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: deps.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: logger.go reader.go writer.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: quick.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: scanner.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: tabwriter.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: doc.go exec.go funcs.go helper.go option.go template.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: lex.go node.go parse.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: casetables.go digit.go graphic.go letter.go tables.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: utf16.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: utf8.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: auth.go netrc.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: base.go env.go flag.go goflags.go path.go signal.go signal_notunix.go signal_unix.go tool.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: bug.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: cache.go default.go hash.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: cfg.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: clean.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: flag.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: hash.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: doc.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: env.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: fix.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: fmt.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: generate.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: discovery.go get.go path.go vcs.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: help.go helpdoc.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: build.go read.go scan.go tags.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: context.go list.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: flag.go path.go pkg.go search.go test.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: lockedfile.go lockedfile_filelock.go lockedfile_plan9.go mutex.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: download.go edit.go graph.go init.go mod.go tidy.go vendor.go verify.go why.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: convert.go dep.go glide.go glock.go godeps.go modconv.go tsv.go vconf.go vjson.go vmanifest.go vyml.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: bootstrap.go cache.go coderepo.go fetch.go key.go proxy.go pseudo.go repo.go sumdb.go unzip.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: codehost.go git.go shell.go vcs.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: gopkgin.go print.go read.go rule.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: get.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: info.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: build.go help.go import.go init.go list.go load.go query.go search.go testgo.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: module.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: mvs.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: note.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: work.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: renameio.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: run.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: search.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: semver.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: path.go str.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: cache.go client.go encode.go server.go test.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: cover.go test.go testflag.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: note.go tile.go tlog.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: tool.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: archive.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: exe.go version.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: vet.go vetflag.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: action.go build.go buildid.go exec.go gc.go gccgo.go init.go security.go testgo.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: browser.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: buildid.go note.go rewrite.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: edit.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: autotype.go doc.go flag.go funcdata.go funcid.go head.go line.go path.go reloctype.go reloctype_string.go stack.go symkind.go symkind_string.go typekind.go util.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: arch.go supported.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: test2json.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: analysis.go doc.go validate.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: flags.go help.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: facts.go imports.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: asmdecl.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: assign.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: atomic.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: bools.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: buildtag.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: cgocall.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: composite.go whitelist.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: copylock.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: ctrlflow.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: errorsas.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: httpresponse.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: inspect.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: util.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: loopclosure.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: lostcancel.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: nilfunc.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: pkgfact.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: printf.go types.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: dead.go shift.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: stdmethods.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: structtag.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: tests.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: unmarshal.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: unreachable.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: unsafeptr.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: unusedresult.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: main.go unitchecker.go unitchecker112.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: enclosing.go imports.go rewrite.go util.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: inspector.go typeof.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: builder.go cfg.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: objectpath.go
/home/craig/llvm-project/llvm/tools/gollvm/gofrontend/libgo/match.sh:138: no such file or directory: callee.go imports.go map.go methodsetcache.go ui.go
-- Libgo: creating stdlib package targets
-- Libgo: generating check targets
-- libgo configuration complete.
-- starting gotools configuration.
-- gotools: generating check targets
-- gotools configuration complete.
-- LLVM FileCheck Found: /home/craig/llvm-8.0.1.src/build/bin/FileCheck
-- Version: 0.0.0
-- Performing Test HAVE_GNU_POSIX_REGEX -- failed to compile
-- Performing Test HAVE_POSIX_REGEX -- success
-- Performing Test HAVE_STEADY_CLOCK -- success
-- Configuring done
-- Generating done
-- Build files have been written to: /home/craig/gollvm-build
</pre></details>
Then `ninja gollvm` fails with
```
ninja: error: '/home/craig/llvm-project/llvm/tools/gollvm/gotools/buildid.go', needed by 'tools/gollvm/gotools/buildid', missing and no known rule to make it
```
### What did you expect to see?
`ninja` does not error, and `gollvm` is successfully built
### What did you see instead?
`ninja gollvm` fails with
```
ninja: error: '/home/craig/llvm-project/llvm/tools/gollvm/gotools/buildid.go', needed by 'tools/gollvm/gotools/buildid', missing and no known rule to make it
``` | Documentation,NeedsDecision | low | Critical |
549,758,272 | go | cmd/link: add a flag to the linker to do not write function names to runtime.pclntab | ### What version of Go are you using (`go version`)?
<pre>
go version
go version devel +71154e061f Tue Jan 14 17:13:34 2020 +0000 linux/amd64
</pre>
### Does this issue reproduce with the latest release?
Yes.
### What operating system and processor architecture are you using (`go env`)?
<details><summary><code>go env</code> Output</summary><br><pre>
$ go env
GO111MODULE=""
GOARCH="amd64"
GOBIN=""
GOCACHE="/home/experiment0/.cache/go-build"
GOENV="/home/experiment0/.config/go/env"
GOEXE=""
GOFLAGS=""
GOHOSTARCH="amd64"
GOHOSTOS="linux"
GOINSECURE=""
GONOPROXY=""
GONOSUMDB=""
GOOS="linux"
GOPATH="/home/experiment0/go"
GOPRIVATE=""
GOPROXY="https://proxy.golang.org,direct"
GOROOT="/home/experiment0/.gimme/versions/go"
GOSUMDB="sum.golang.org"
GOTMPDIR=""
GOTOOLDIR="/home/experiment0/.gimme/versions/go/pkg/tool/linux_amd64"
GCCGO="/usr/bin/gccgo"
AR="ar"
CC="gcc"
CXX="g++"
CGO_ENABLED="1"
GOMOD=""
CGO_CFLAGS="-g -O2"
CGO_CPPFLAGS=""
CGO_CXXFLAGS="-g -O2"
CGO_FFLAGS="-g -O2"
CGO_LDFLAGS="-g -O2"
PKG_CONFIG="pkg-config"
GOGCCFLAGS="-fPIC -m64 -pthread -fmessage-length=0 -fdebug-prefix-map=/tmp/go-build891839909=/tmp/go-build -gno-record-gcc-switches"
</pre></details>
### What did you do?
```
go get github.com/u-root/u-root
u-root -o /dev/null -build bb core boot
go get github.com/u-root/u-root/bb
go tool nm -size -sort size "$(go env GOPATH)"/bin/bb | head -1
```
### What did you expect to see?
```
e02ba0 3836272 r runtime.pclntab
```
### What did you see instead?
```
e39500 4808314 r runtime.pclntab
```
### Proposal
I found here https://groups.google.com/d/msg/golang-nuts/hEdGYnqokZc/zQojaoWlAgAJ that a binary size could be reduced by avoiding of [wasting space on function names](https://github.com/golang/go/blob/71154e061f067a668e7b619d7b3701470b8561be/src/cmd/link/internal/ld/pcln.go#L163) within `runtime.pclntab`. So I propose to add a linker flag (for example `-stripfnnames`) to do that. We need such feature for applying Golang into embedded environments (with very limited total space).
I would like to prepare a PR if it will be approved. | NeedsInvestigation,compiler/runtime | medium | Critical |
549,773,962 | angular | Unable to navigate to previous route path after navigating multiple times during the initial load of the project window | <!--π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
Oh hi there! π
To expedite issue processing please search open and closed issues before submitting a new one.
Existing issues often contain information about workarounds, resolution, or progress updates.
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
π
-->
# π bug report
### Affected Package
<!-- Can you pin-point one or more @angular/* packages as the source of the bug? -->
This is an issue only with Google Chrome and the back navigation button. This issue is not present in Firefox, Safari or IE11
### Is this a regression?
<!-- Did this behavior use to work in the previous version? -->
The same behaviour happens in v7
### Description
Lets say you implement the `router.navigate` within the `app.component.ts`'s OnInit in order to navigate to a certain path, say `/foo` with component `foo.component.ts`
and then,
implement another `router.navigate` within that component's OnInit in order to navigate to path `/bar` with component `bar.component.ts`.
Now if you ONLY press the browser back button, then the browser navigates out of the project into an empty tab (what you started with).
But if you click inside the window before pressing the back button, then it will navigate back to the previous tab `/foo` (which would then navigate to `/bar` again very quickly, but at least it does not navigate out of the project).
The expected behaviour is to be able to navigate back to the previous route without having to click inside the window.
## π¬ Minimal Reproduction
<!--
Please create and share minimal reproduction of the issue starting with this template: https://stackblitz.com/fork/angular-issue-repro2
-->
In all reproductions, if you click inside the window, the back navigation works as intended, and will continue to work if you refresh the page or the project hot reloads. But once you open it in a new tab and DONT click inside the window, the bug emerges.
Stackblitz Reproduction.
In this reproduction, after loading the project, open this same link in a new tab. You'll notice that the back button is greyed out and can not be used.
https://angular-back-navigation-bug.stackblitz.io/
I've made a small reproduction and placed it inside a repository to be tested on Google Chrome browsers
https://github.com/samuelzapote/angular-navigation-back-bug-011420
<!--
If StackBlitz is not suitable for reproduction of your issue, please create a minimal GitHub repository with the reproduction of the issue.
A good way to make a minimal reproduction is to create a new app via `ng new repro-app` and add the minimum possible code to show the problem.
Share the link to the repo below along with step-by-step instructions to reproduce the problem, as well as expected and actual behavior.
Issues that don't have enough info and can't be reproduced will be closed.
You can read more about issue submission guidelines here: https://github.com/angular/angular/blob/master/CONTRIBUTING.md#-submitting-an-issue
-->
## π₯ Exception or Error
<pre><code>
<!-- If the issue is accompanied by an exception or an error, please share it below: -->
<!-- βοΈ-->
</code></pre>
## π Your Environment
**Angular Version:**
<pre><code>
Angular CLI: 8.3.22
Node: 12.13.0
OS: darwin x64
Angular: 8.2.14
... animations, common, compiler, compiler-cli, core, forms
... language-service, platform-browser, platform-browser-dynamic
... router
Package Version
-----------------------------------------------------------
@angular-devkit/architect 0.803.22
@angular-devkit/build-angular 0.803.22
@angular-devkit/build-optimizer 0.803.22
@angular-devkit/build-webpack 0.803.22
@angular-devkit/core 8.3.22
@angular-devkit/schematics 8.3.22
@angular/cli 8.3.22
@ngtools/webpack 8.3.22
@schematics/angular 8.3.22
@schematics/update 0.803.22
rxjs 6.4.0
typescript 3.5.3
webpack 4.39.2
</code></pre>
**Anything else relevant?**
<!-- βοΈIs this a browser specific issue? If so, please specify the browser and version. -->
This issue is only present in Google Chrome
<!-- βοΈDo any of these matter: operating system, IDE, package manager, HTTP server, ...? If so, please mention it below. -->
| type: bug/fix,freq2: medium,area: router,state: confirmed,router: navigation pipe,P3 | low | Critical |
549,782,173 | terminal | Explore whether Terminal could be 'runas' a different user identity | Related to #2485, #1053, #3534
This issue is a fork from a conversation started in #146 (specifically [this comment onwards](https://github.com/microsoft/terminal/issues/146#issuecomment-572636545)) discussing if/whether Terminal can/could support being `runas` a different user identity than the currently logged-in user.
> Note: This is not sudo or run elevated - that's a different concept since elevation runs a process with the current user's identity, but with additional (admin) rights.
The primary ask here is that users, particularly those in enterprise scenarios, often need to run commands/scripts/etc. under a different user account with different permissions/rights than their normal/general user account.
Alas, UWP apps do not currently support the ability to run under a different identity than the currently logged-in user.
Thus, there are a couple of questions:
1. Can the UWP app platform provide a way to run UWP apps under a different/specific user identity?
2. If not, can Terminal be built/delivered allowing users to run under a different identity?
We'll go do some homework and respond to this thread with what we find.
Thanks all on the original thread for sharing their feedback :) | Issue-Feature,Product-Terminal,Product-Meta,Needs-Tag-Fix | high | Critical |
549,810,061 | flutter | Update internal engine toolchain to VS 2019 | Currently the bots are [pulling VS 2017 via gclient](https://github.com/flutter/buildroot/blob/master/build/vs_toolchain.py#L416) to build the Windows engine. This means that errors building with VS 2019, which is what most people would now install, go undetected; currently there are at least some type conversion issues in ANGLE that are causing build errors with 2019 but not 2017.
We should [switch to pulling 2019](https://chromium.googlesource.com/chromium/src/+/8e82c6ab1bc2223fa25f1a127b65071d2d58ae36%5E%21/). That change should be straightforward, but we need to fix the build errors first. | engine,platform-windows,P2,team-engine,triaged-engine | low | Critical |
549,813,906 | rust | declarative macro results in `rustc` entering infinite loop | Rustc: `rustc 1.40.0 (73528e339 2019-12-16)`
`uname -a`: Darwin Carls-MacBook-Pro-2.local 18.7.0 Darwin Kernel Version 18.7.0: Sun Dec 1 18:59:03 PST 2019; root:xnu-4903.278.19~1/RELEASE_X86_64 x86_64
I have crafted a declarative macro that results in `rustc` entering an infinite loop and never completing.
Repro:
```rust
#[macro_export]
macro_rules! lock {
// Done normalizing
(@ { $($t:tt)* }) => {
};
(@ { $($t:tt)* } $a:pat, $b:expr, $c:block $($r:tt)* ) => {
$crate:lock!(@{ $($t)* $a,$b, $c, } $($r)*)
};
( $($t:tt)* ) => {
$crate::lock!(@{} $($t:tt)*)
}
}
fn main() {
lock! {
foo, bar(), {
println!("WAT!");
}
}
}
``` | A-macros,T-compiler,C-bug,I-hang | low | Minor |
549,826,283 | go | cmd/go: confusing error message for invalid package path | I made a mistake in `gopls` (corrected in [CL 214717](https://go-review.googlesource.com/c/tools/+/214717)), which resulted in us passing multiple package paths as one argument to `go list`. The resulting error message did not make this easy to debug, as it wasn't clear that that was the issue.
`-: module golang.org/x/tools@latest found (v0.0.0-20200114052453-d31a08c2edf2), but does not contain package golang.org/x/tools/internal/lsp/noparse_format golang.org/x/tools/internal/lsp/folding`
It should be pretty obvious that a package path with a space is invalid, but it's not obvious what's going wrong from the error message. | NeedsInvestigation,modules | low | Critical |
549,835,924 | kubernetes | kube-apiserver: limit request handling before apiserver is healthy | **What would you like to be added**:
The idea is to 429 or 500 certain requests until apiserver becomes healthy for the first time.
Requests which would not be blocked:
* self-requests (required for apiserver to become healthy)
* healthz / livez / readyz
* componentstatuses (maybe)
**Why is this needed**:
We've observed on startup cases where apiserver is deluged with list requests, and it spends so much time servicing them that it can't become healthy. | sig/api-machinery,kind/feature,lifecycle/frozen | low | Major |
549,837,480 | flutter | Support multiple windows on iPad | ## Use case
https://developer.apple.com/news/?id=01132020b
> Support for Multitasking on iPad is strongly encouraged. Adding support for multiple windows [...] will ensure your app delivers a modern and complete experience on iPadOS.
See desktop efforts at https://github.com/flutter/flutter/issues/30701
Catalyst support at https://github.com/flutter/flutter/issues/33860
- https://developer.apple.com/design/human-interface-guidelines/ios/system-capabilities/multiple-windows/
- https://developer.apple.com/videos/play/wwdc2019/212 | platform-ios,tool,t: xcode,P3,team-ios,triaged-ios | low | Major |
549,843,170 | vscode | Moving lines of code up and down breaks indentation | Issue Type: <b>Bug</b>
See screen recording:

Language: javascript
Sample code:
```js
module.exports = async function() {
//Get club
const club = await mongoose
.model('Club')
.findOne({club})
.select('modules');
//Remove access log module and add check in log module
const logModule = modules.find(module => module.id === 'logs');
};
```
Expected for the indentation to remain the same, instead it indents it by an extra 2 spaces to be in line with the lines on top, which is incorrect.
These kind of chained constructs are very common, and indentation for subsequent code should reset to the starting line, not continue indented.
Issue Type: <b>Bug</b>
See screenshot
VS Code version: Code - Insiders 1.42.0-insider (7e64866a703c83dcdd3b84a8b48dd1673895fb7d, 2020-01-09T06:43:40.314Z)
OS version: Darwin x64 18.7.0
<details>
<summary>System Info</summary>
|Item|Value|
|---|---|
|CPUs|Intel(R) Core(TM) i7-3770 CPU @ 3.40GHz (8 x 3400)|
|GPU Status|2d_canvas: enabled<br>flash_3d: enabled<br>flash_stage3d: enabled<br>flash_stage3d_baseline: enabled<br>gpu_compositing: enabled<br>metal: disabled_off<br>multiple_raster_threads: enabled_on<br>oop_rasterization: unavailable_off<br>protected_video_decode: unavailable_off<br>rasterization: unavailable_off<br>skia_renderer: disabled_off<br>surface_control: disabled_off<br>surface_synchronization: enabled_on<br>video_decode: enabled<br>viz_display_compositor: enabled_on<br>viz_hit_test_surface_layer: disabled_off<br>webgl: enabled<br>webgl2: enabled|
|Load (avg)|2, 2, 3|
|Memory (System)|8.00GB (0.31GB free)|
|Process Argv||
|Screen Reader|no|
|VM|0%|
</details><details><summary>Extensions (17)</summary>
Extension|Author (truncated)|Version
---|---|---
project-manager|ale|10.9.1
vscode-eslint|dba|2.0.14
gitlens|eam|10.2.0
EditorConfig|Edi|0.14.4
file-icons|fil|1.0.21
gc-excelviewer|Gra|2.1.32
name-that-color|gui|0.1.2
json2csv|kha|0.0.1
l13-diff|L13|0.21.0
git-tree-compare|let|1.7.1
vetur|oct|0.23.0
multi-command|ryu|1.4.0
vscode-fileutils|sle|3.0.0
control-snippets|svi|1.7.1
reopenclosedtab|uyi|1.1.0
highlight-matching-tag|vin|0.9.6
vscode-todo-highlight|way|1.0.4
(1 theme extensions excluded)
</details>
<!-- generated by issue reporter -->
VS Code version: Code - Insiders 1.42.0-insider (7e64866a703c83dcdd3b84a8b48dd1673895fb7d, 2020-01-09T06:43:40.314Z)
OS version: Darwin x64 18.7.0
<details>
<summary>System Info</summary>
|Item|Value|
|---|---|
|CPUs|Intel(R) Core(TM) i7-3770 CPU @ 3.40GHz (8 x 3400)|
|GPU Status|2d_canvas: enabled<br>flash_3d: enabled<br>flash_stage3d: enabled<br>flash_stage3d_baseline: enabled<br>gpu_compositing: enabled<br>metal: disabled_off<br>multiple_raster_threads: enabled_on<br>oop_rasterization: unavailable_off<br>protected_video_decode: unavailable_off<br>rasterization: unavailable_off<br>skia_renderer: disabled_off<br>surface_control: disabled_off<br>surface_synchronization: enabled_on<br>video_decode: enabled<br>viz_display_compositor: enabled_on<br>viz_hit_test_surface_layer: disabled_off<br>webgl: enabled<br>webgl2: enabled|
|Load (avg)|2, 2, 3|
|Memory (System)|8.00GB (0.31GB free)|
|Process Argv||
|Screen Reader|no|
|VM|0%|
</details><details><summary>Extensions (17)</summary>
Extension|Author (truncated)|Version
---|---|---
project-manager|ale|10.9.1
vscode-eslint|dba|2.0.14
gitlens|eam|10.2.0
EditorConfig|Edi|0.14.4
file-icons|fil|1.0.21
gc-excelviewer|Gra|2.1.32
name-that-color|gui|0.1.2
json2csv|kha|0.0.1
l13-diff|L13|0.21.0
git-tree-compare|let|1.7.1
vetur|oct|0.23.0
multi-command|ryu|1.4.0
vscode-fileutils|sle|3.0.0
control-snippets|svi|1.7.1
reopenclosedtab|uyi|1.1.0
highlight-matching-tag|vin|0.9.6
vscode-todo-highlight|way|1.0.4
(1 theme extensions excluded)
</details>
<!-- generated by issue reporter --> | typescript,javascript,editor-autoindent,under-discussion | low | Critical |
549,849,272 | pytorch | Can't import torch on latest master | ## π Bug
```
(/scratch/rzou/pt/master-env) [0] rzou@devfair0317:/scratch/rzou/pt/master (master) $ python
Python 3.7.5 (default, Oct 25 2019, 15:51:11)
[GCC 7.3.0] :: Anaconda, Inc. on linux
Type "help", "copyright", "credits" or "license" for more information.
>>> import torch
Traceback (most recent call last):
File "<stdin>", line 1, in <module>
File "/scratch/rzou/pt/master/torch/__init__.py", line 106, in <module>
_load_global_deps()
File "/scratch/rzou/pt/master/torch/__init__.py", line 64, in _load_global_deps
ctypes.CDLL(lib_path, mode=ctypes.RTLD_GLOBAL)
File "/scratch/rzou/pt/master-env/lib/python3.7/ctypes/__init__.py", line 364, in __init__
self._handle = _dlopen(self._name, mode)
OSError: /private/home/rzou/local/miniconda3/lib/libmpichcxx.so.3: undefined symbol: __cxa_pure_virtual
```
## To Reproduce
Steps to reproduce the behavior:
1. check out pytorch at 4a26bb9b18
1. build pytorch
1. import torch
## Additional context
Deleting libmpichcxx.so from `miniconda3/lib/` and rebuilding pytorch seems to solve the problem, but I don't know where libmpichcxx.so came from at all | module: build,triaged | low | Critical |
549,857,758 | rust | Sealed traits for rustdoc | In #67562, it was proposed to make `trait Any` an unsafe trait. This was ultimately rejected, as we do not currently want downstream users to see that it is unsafe. However, we wanted a way to have both. The suggestion is that rustdoc could have an (unstable, for now) attribute that indicates that a trait is "sealed," in the sense that no upstream impls are permitted.
rustdoc would then show this trait as unimplementable. It would not show any unsafety on the trait (as it is then irrelevant to readers of the documentation).
See https://github.com/rust-lang/rust/pull/67562#issuecomment-572102876, https://github.com/rust-lang/rust/pull/67562#issuecomment-572909100. | T-rustdoc,A-trait-system,C-feature-request,A-rustdoc-ui,T-rustdoc-frontend | low | Minor |
550,013,038 | pytorch | dist.send/recv "IndexError: map::at" error when bool tensors are used with mpi backend | ## π Bug
I am building a model parallel MLP network and as a method to accelerate it, I am trying to minimize communication between nodes as much as possible. So I have the need to communicate a bool (instead of torch.int8 which works fine) tensor between nodes. For this I am using pytorch with ompi (with ucx and gdrcopy). But I get "IndexError: map::at" error when bool tensors are used. However I dont get this when gloo backend is used. Appreciate if you could have a look at it.
## To Reproduce
```
import os
import torch
import torch.distributed as dist
from torch.multiprocessing import Process
world_size = 2
def run(rank, size):
if rank == 0:
x = torch.tensor([1,1], dtype=torch.bool)
dist.send(x, 1)
if rank != 0:
t = torch.zeros(2, dtype=torch.bool)
dist.recv(t, 0)
def init_process(rank, size, fn, backend='mpi'):
os.environ['MASTER_ADDR'] = '127.0.0.1'
os.environ['MASTER_PORT'] = '29500'
dist.init_process_group(backend, rank=rank, world_size=size)
fn(rank, size)
if __name__ == "__main__":
processes = []
for rank in range(world_size):
p = Process(target=init_process, args=(rank, world_size, run))
p.start()
processes.append(p)
for p in processes:
p.join()
```
## Environment
PyTorch version: 1.4.0a0+a54dc87
Is debug build: No
CUDA used to build PyTorch: 10.1
OS: Ubuntu 18.04.2 LTS
GCC version: (Ubuntu 7.4.0-1ubuntu1~18.04.1) 7.4.0
CMake version: version 3.14.0
Python version: 3.7
Is CUDA available: Yes
CUDA runtime version: 10.1.243
GPU models and configuration: GPU 0: GeForce GTX 850M
Nvidia driver version: 435.21
cuDNN version: /usr/local/cuda-10.1/targets/x86_64-linux/lib/libcudnn.so.7.6.4
Versions of relevant libraries:
[pip3] numpy==1.13.3
[conda] blas 1.0 mkl
[conda] magma-cuda101 2.5.1 1 pytorch
[conda] mkl 2019.4 243
[conda] mkl-include 2019.4 243
[conda] mkl-service 2.3.0 py37he904b0f_0
[conda] mkl_fft 1.0.15 py37ha843d7b_0
[conda] mkl_random 1.1.0 py37hd6b4f25_0
[conda] mkldnn 0.16.1 0 mingfeima
[conda] torch 1.4.0a0+a54dc87 pypi_0 pypi
[conda] torchvision 0.5.0a0+61763fa pypi_0 pypi
cc @izdeby | triaged,module: boolean tensor | low | Critical |
550,040,085 | pytorch | Pytorch compilation error | Hi,
I tried to build a docker container with the following Dockerfile. But the compilation of pytorch failed with the following error. I succeed building the container with python 2.7. But, when i changed the Dockerfile content to using python 3.5, the error occurs. Does anyone know why this happen and what can i do to solve? Thanks in advance.
```
FROM nvidia/cuda:10.0-cudnn7-devel-ubuntu16.04
RUN apt-get -y update
RUN apt-get install -y --no-install-recommends \
build-essential \
git \
libgoogle-glog-dev \
libgtest-dev \
libiomp-dev \
libleveldb-dev \
liblmdb-dev \
libopencv-dev \
libopenmpi-dev \
libsnappy-dev \
libprotobuf-dev \
openmpi-bin \
openmpi-doc \
protobuf-compiler \
python-dev \
python3-pip
RUN pip3 install --upgrade pip
RUN pip3 install setuptools
RUN pip3 install --user \
future \
nump==1.14.0 \
protobuf==3.5.1 \
typing \
hypothesis \
mkl \
mkl-include \
cffi
RUN apt-get install -y --no-install-recommends \
libgflags-dev \
cmake
RUN git clone --branch master --recursive https://github.com/pytorch/pytorch.git
RUN pip3 install typing pyyaml
WORKDIR /pytorch
RUN git submodule update --init --recursive
RUN python3 setup.py install --cmake
RUN git clone https://github.com/facebookresearch/detectron /detectron
# Install Python dependencies
RUN pip3 install -U pip
RUN pip3 install -r /detectron/requirements.txt
# Install the COCO API
RUN git clone https://github.com/cocodataset/cocoapi.git /cocoapi
WORKDIR /cocoapi/PythonAPI
ENV PYTHONPATH /usr/local
ENV Caffe2_DIR=/usr/local/lib/python3.5/dist-packages/torch/share/cmake/Caffe2/
ENV PYTHONPATH=${PYTHONPATH}:/pytorch/build
ENV LD_LIBRARY_PATH=/usr/local/lib:${LD_LIBRARY_PATH}
ENV LD_LIBRARY_PATH=/usr/local/lib/python3.5/dist-packages/torch/lib/:${LD_LIBRARY_PATH}
ENV LIBRARY_PATH=/usr/local/lib/python3.5/dist-packages/torch/lib/:${LIBRARY_PATH}
ENV C_INCLUDE_PATH=/usr/local/lib/python3.5/dist-packages/torch/lib/include/:${C_INCLUDE_PATH}
ENV CPLUS_INCLUDE_PATH=/usr/local/lib/python3.5/dist-packages/torch/lib/include/:${CPLUS_INCLUDE_PATH}
ENV C_INCLUDE_PATH=/pytorch/:${C_INCLUDE_PATH}
ENV CPLUS_INCLUDE_PATH=/pytorch/:${CPLUS_INCLUDE_PATH}
ENV C_INCLUDE_PATH=/pytorch/build/:${C_INCLUDE_PATH}
ENV CPLUS_INCLUDE_PATH=/pytorch/build/:${CPLUS_INCLUDE_PATH}
ENV C_INCLUDE_PATH=/pytorch/torch/lib/include/:${C_INCLUDE_PATH}
ENV CPLUS_INCLUDE_PATH=/pytorch/torch/lib/include/:${CPLUS_INCLUDE_PATH}
RUN make install
WORKDIR /detectron
RUN make
#RUN make ops
RUN apt-get -y update \
&& apt-get -y install \
wget \
software-properties-common \
nano \
iputils-ping
```
```
[ 85%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state.cc.o
[ 85%] Building CXX object caffe2/CMakeFiles/generate_proposals_op_util_nms_gpu_test.dir/operators/generate_proposals_op_util_nms_gpu_test.cc.o
[ 85%] Built target batch_permutation_op_gpu_test
[ 85%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state_dlpack.cc.o
In file included from /pytorch/third_party/pybind11/include/pybind11/pytypes.h:12:0,
from /pytorch/third_party/pybind11/include/pybind11/cast.h:13,
from /pytorch/third_party/pybind11/include/pybind11/attr.h:13,
from /pytorch/third_party/pybind11/include/pybind11/pybind11.h:44,
from /pytorch/caffe2/python/pybind_state_dlpack.h:9,
from /pytorch/caffe2/python/pybind_state.h:16,
from /pytorch/caffe2/python/pybind_state.cc:1:
/pytorch/third_party/pybind11/include/pybind11/detail/common.h:112:20: fatal error: Python.h: No such file or directory
compilation terminated.
caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/build.make:62: recipe for target 'caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state.cc.o' failed
make[2]: *** [caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state.cc.o] Error 1
make[2]: *** Waiting for unfinished jobs....
In file included from /pytorch/third_party/pybind11/include/pybind11/pytypes.h:12:0,
from /pytorch/third_party/pybind11/include/pybind11/cast.h:13,
from /pytorch/third_party/pybind11/include/pybind11/attr.h:13,
from /pytorch/third_party/pybind11/include/pybind11/pybind11.h:44,
from /pytorch/caffe2/python/pybind_state_dlpack.h:9,
from /pytorch/caffe2/python/pybind_state_dlpack.cc:1:
/pytorch/third_party/pybind11/include/pybind11/detail/common.h:112:20: fatal error: Python.h: No such file or directory
compilation terminated.
caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/build.make:86: recipe for target 'caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state_dlpack.cc.o' failed
make[2]: *** [caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state_dlpack.cc.o] Error 1
CMakeFiles/Makefile2:4424: recipe for target 'caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/all' failed
make[1]: *** [caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/all] Error 2
make[1]: *** Waiting for unfinished jobs....
Scanning dependencies of target math_gpu_test
[ 85%] Building CXX object caffe2/CMakeFiles/math_gpu_test.dir/utils/math_gpu_test.cc.o
[ 85%] Linking CXX executable ../bin/cuda_cudnn_test
[ 85%] Built target cuda_cudnn_test
[ 85%] Linking CXX executable ../bin/cuda_stream_test
[ 85%] Built target cuda_stream_test
[ 85%] Linking CXX executable ../bin/cuda_apply_test
[ 85%] Built target cuda_apply_test
[ 85%] Linking CXX executable ../bin/blob_gpu_test
[ 85%] Linking CXX executable ../bin/cuda_tensor_interop_test
[ 85%] Built target blob_gpu_test
[ 85%] Built target cuda_tensor_interop_test
[ 85%] Linking CXX executable ../bin/math_gpu_test
[ 85%] Built target math_gpu_test
[ 85%] Linking CXX executable ../bin/generate_proposals_op_util_nms_gpu_test
[ 85%] Built target generate_proposals_op_util_nms_gpu_test
make: *** [all] Error 2
Makefile:138: recipe for target 'all' failed
-- Building version 1.5.0a0+8dc67a0
cmake -DBUILD_PYTHON=True -DBUILD_TEST=True -DCMAKE_BUILD_TYPE=Release -DCMAKE_INSTALL_PREFIX=/pytorch/torch -DCMAKE_PREFIX_PATH=/usr/lib/python3/dist-packages -DNUMPY_INCLUDE_DIR=/root/.local/lib/python3.5/site-packages/numpy/core/include -DPYTHON_EXECUTABLE=/usr/bin/python3 -DPYTHON_INCLUDE_DIR=/usr/include/python3.5m -DPYTHON_LIBRARY=/usr/lib/libpython3.5m.so.1.0 -DTORCH_BUILD_VERSION=1.5.0a0+8dc67a0 -DUSE_NUMPY=True /pytorch
cmake --build . --target install --config Release -- -j 8
Traceback (most recent call last):
File "setup.py", line 737, in <module>
build_deps()
File "setup.py", line 316, in build_deps
cmake=cmake)
File "/pytorch/tools/build_pytorch_libs.py", line 62, in build_caffe2
cmake.build(my_env)
File "/pytorch/tools/setup_helpers/cmake.py", line 339, in build
self.run(build_args, my_env)
File "/pytorch/tools/setup_helpers/cmake.py", line 141, in run
check_call(command, cwd=self.build_dir, env=env)
File "/usr/lib/python3.5/subprocess.py", line 581, in check_call
raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['cmake', '--build', '.', '--target', 'install', '--config', 'Release', '--', '-j', '8']' returned non-zero exit status 2
The command '/bin/sh -c python3 setup.py install --cmake' returned a non-zero code: 1
``` | module: build,triaged | low | Critical |
550,052,873 | create-react-app | Allow to import a CRA app as a node.js package | ### Is your proposal related to a problem?
> Sometimes, you start a project as an "app", and it perfectly fits. But then, later, your app grows, and what was an "app" before becomes a "module" within a bigger app.
>
> And at this point you may get stuck because you can't import that "module" as a node dependency, and **that can be a real blocker for product growth**.
This has potential to be more and more a real blocker, especially because of universal apps (like Next.js) that could have the ability to "just import" CRA apps, but can't, because of this CRA's limitation.
### Describe the solution you'd like
Assuming I write a CRA app `my-cra-app`, and I want to use this app in another node.js project - _such as Next.s_ -, I'd like to import it that way:
```tsx
import MyApp from 'my-cra-app'; // The CRA app loaded as a node.js module
import React from 'react';
const MyCustomCraApp: React.FunctionComponent<Props> = (props: Props): JSX.Element => {
const { prop2 } = props;
return (
<MyApp
prop1={true}
prop2={prop2}
/>
);
};
type Props = {
prop2: string;
}
export default MyCustomCraApp;
```
### Describe alternatives you've considered
At the moment, the only possibility is to load a CRA app on the browser-side. Meaning loading the CSS and JS files in the <head> section, and creating a DOM element that matches the element where gets injected the CRA app.
I haven't found any solution to load a CRA app as a node.js module, and it's therefore not SSR compatible. (loading has to happens on the client side)
### Additional context
Discussed with the community at https://spectrum.chat/create-react-app/general/how-to-convert-a-cra-app-into-a-package~23fd401e-ebb4-409f-9c8f-599fdddb0882
I don't know if it's technically doable, nor how hard it might be.
| issue: proposal,needs triage | low | Minor |
550,117,390 | pytorch | [Feature proposal] improved algorithms for checkpointing |
## Feature
We would like to propose a replacement for `torch/utils/checkpointing.py` which provides more efficient checkpointing strategies. We already have a working prototype called `rotor`, and available [on our gitlab](https://gitlab.inria.fr/hiepacs/rotor). We are opening an issue to discuss the opportunity to include `rotor` into `torch/utils`, as well as the possible changes to the code that this would require.
## Motivation
The checkpointing strategy available in `torch/utils/checkpoint.py` are not optimal: as mentioned in [this comment](https://github.com/pytorch/pytorch/pull/4594#pullrequestreview-88079144), more efficient strategies would allow faster training times for a given memory usage. Additionnally, the number of segments used in `checkpoint.py` needs to be hand-tuned, whereas it would be more practical to specify a limit on memory usage.
## Pitch
Just like in `checkpoint.py`, our code only handles `nn.Sequential` types of networks. We start with performing measures of time and memory usage of each module in the sequence on a sample input. Then, given a memory limit, we compute provably optimal strategies with a dynamic programming algorithm. The resulting strategy is then implemented in a way which is similar to what is done in `checkpoint.py`.
Our working prototype is called `rotor`, and is available [on our gitlab](https://gitlab.inria.fr/hiepacs/rotor). The README file of the project provides a sample code to explain its basic usage. The algorithms used in our code and an experimental evaluation based on the models of torchvision are described in [our research report](https://hal.inria.fr/hal-02352969).
## Notes on the current version
* The code is not yet sufficiently documented and tested, we have plans to improve on that, but wanted to discuss this feature proposal during this time.
* Just like `torch/utils/checkpoint.py`, our code preserves RNG states by default at each checkpoint, and restores it during the backward phase.
| feature,triaged | low | Minor |
550,139,919 | rust | Expand `unreachable_code` lint to support detecting unreachable code after panicking. | This seems a useful lint, but I'm not sure whether this is implementable in `clippy`. | A-lints,T-lang,T-compiler,C-feature-request | low | Major |
550,162,229 | TypeScript | Object is possibly null inside a closure defined within a const constraint | Search: Object is possibly null, narrowed type, type constraint, closure
**Code**
```ts
const foo: string | null = 'bar'
if (foo) {
function baz() {
console.log(foo.length) // Object is possibly 'null'
}
}
```
**Expected behavior:**
Compiles
**Actual behavior:**
```
const foo: string | null
Object is possibly 'null'
```
**Playground Link:**
[Playground](https://www.typescriptlang.org/play/?ts=Nightly#code/MYewdgzgLgBAZiEAuG0BOBLMBzGAfGMAVwBsSYBeGAcgCMBDNagKAzhgAoEQBKGAb2Yxh8ImGBQM4GAwBeHPoJHKYoSCBIBTAHQkQ2Lol2acUABY8hIgL7NrQA)
**Related Issues:**
#12113, #33319, #9998
**Discussion:**
By design, type narrowings are reset inside closures. This makes sense, but there is one case where better assumptions can be made: when the closure is defined inside a type constraint block AND the type narrowing is based on a `const` value. Even if called from async, the closure is still referencing a const and was created after a suitable type constraint occurred.
Thoughts?
| Suggestion,In Discussion | medium | Major |
550,163,711 | go | cmd/go: dylib on macos with rpath fails to run with go run/test | ### What version of Go are you using (`go version`)?
<pre>
$ go version
go version go1.13.6 darwin/amd64
</pre>
### What version of macOS are you using (`go version`)?
<pre>
$ sw_vers -productVersion
10.15.2
</pre>
### Does this issue reproduce with the latest release?
Yes
### What operating system and processor architecture are you using (`go env`)?
<details><summary><code>go env</code> Output</summary><br><pre>
$ go env
GO111MODULE="auto"
GOARCH="amd64"
GOBIN=""
GOCACHE="/Users/eric/Library/Caches/go-build"
GOENV="/Users/eric/Library/Application Support/go/env"
GOEXE=""
GOFLAGS=""
GOHOSTARCH="amd64"
GOHOSTOS="darwin"
GONOPROXY=""
GONOSUMDB=""
GOOS="darwin"
GOPATH="/Users/eric/go"
GOPRIVATE=""
GOPROXY="https://proxy.golang.org,direct"
GOROOT="/usr/local/go"
GOSUMDB="sum.golang.org"
GOTMPDIR=""
GOTOOLDIR="/usr/local/go/pkg/tool/darwin_amd64"
GCCGO="gccgo"
AR="ar"
CC="clang"
CXX="clang++"
CGO_ENABLED="1"
GOMOD=""
CGO_CFLAGS="-g -O2"
CGO_CPPFLAGS=""
CGO_CXXFLAGS="-g -O2"
CGO_FFLAGS="-g -O2"
CGO_LDFLAGS="-g -O2"
PKG_CONFIG="pkg-config"
GOGCCFLAGS="-fPIC -m64 -pthread -fno-caret-diagnostics -Qunused-arguments -fmessage-length=0 -fdebug-prefix-map=/var/folders/v4/m6f6w8h54j58bp8q4h_138180000gn/T/go-build216040480=/tmp/go-build -gno-record-gcc-switches -fno-common"
</pre></details>
### What did you do?
When trying to run a simple go source file that links against an rpath based dylib, it fails to run with either `go run` or `go test` on 1.13.6. However, doing `go build` followed by running the executable works fine. It also works fine when I build go and test it from the `go1.13.6` tag. It also works in go 1.13.5 but from looking at the commits between the two, I cannot find an issue. This leads me to believe that however the 1.13.6 was built on google servers introduced some kind of issue.
A repro with a makefile is located at https://github.com/edaniels/go1136dylibissue.
### What did you expect to see?
I expected to see a log output of `2` from:
```
LD_LIBRARY_PATH=`pwd`/dylib/lib go run github.com/edaniels/go1136dylibissue/cmd
```
### What did you see instead?
```
dyld: Library not loaded: @rpath/libfoo.dylib
Referenced from: /var/folders/v4/m6f6w8h54j58bp8q4h_138180000gn/T/go-build330381377/b001/exe/cmd
Reason: image not found
signal: abort trap
``` | OS-Darwin,NeedsInvestigation | medium | Critical |
550,174,986 | godot | Bug: particles_2d + lightmask + viewport | **Godot version:**
3.1.1.stable.official
**OS/device including version:**
Ubuntu 18.04.3 LTS
**Issue description:**
1. If you mask particles with a light (light_2d: mode = mask), weird visual bugs happen in the Editor. If you F6 ..., the visual bugs are gone and everything looks fine.
2. Now, if you instantiate this scene via a viewport, you still have the same visual bugs in the editor but now, if you F6 ... these visual bugs stay.
**Steps to reproduce:**
create 2 scenes
scene 2: particle-effect with light_2d as mask.
for the mask create a white/transparent image. (you know how to mask things with transparency)
scene 1: viewport instantiates scene 2 as child
create a sprite on the viewport-level -> new viewport texture and choose the viewport.
look attached file...

**Minimal reproduction project:**
see: **Steps to reproduce:** | bug,topic:rendering,confirmed,topic:particles | low | Critical |
550,229,454 | terminal | Tab titles are truncated but not ellipsized | I see that tabs in WT 0.8 have fixed length and that, if the case, their title is truncated, the same occurs in other GNU/Linux terminals only that these add `...` to the truncated title: also WT should do this, I think, maybe `~/work/...` is better than `~/work/`.
I see that the `+V` on the window title is attached to the lats tab. Would it be better to attach it to the `reduce to icon` button of the window? In this way, one should gain some more 'space' for the tab length...
See the attachment:

between the `V` and the `-` there is a wasted space in the window title.
| Issue-Bug,Area-UserInterface,Product-Terminal,Priority-3,Tracking-External | low | Minor |
550,288,089 | pytorch | 0 INTERNAL ASSERT FAILED at /pytorch/c10/util/intrusive_ptr.h:348, please report a bug to PyTorch. | I had tried to run below code but it throws below error
terminate called after throwing an instance of 'c10::Error'
what(): owning_ptr == NullType::singleton() || owning_ptr->refcount_.load() > 0 INTERNAL ASSERT FAILED at /pytorch/c10/util/intrusive_ptr.h:348, please report a bug to PyTorch. intrusive_ptr: Can only intrusive_ptr::reclaim() owning pointers that were created using intrusive_ptr::release(). (reclaim at /pytorch/c10/util/intrusive_ptr.h:348)
frame #0: c10::Error::Error(c10::SourceLocation, std::string const&) + 0x33 (0x7fe2ec16e813 in /home/lmdi/.local/lib/python3.7/site-packages/torch/lib/libc10.so)
frame #1: <unknown function> + 0x1838c8f (0x7fe2ee001c8f in /home/lmdi/.local/lib/python3.7/site-packages/torch/lib/libtorch.so)
frame #2: THStorage_free + 0x17 (0x7fe2ee72ab37 in /home/lmdi/.local/lib/python3.7/site-packages/torch/lib/libtorch.so)
frame #3: <unknown function> + 0x71d0d7 (0x7fe334d080d7 in /home/lmdi/.local/lib/python3.7/site-packages/torch/lib/libtorch_python.so)
<omitting python frames>
frame #19: __libc_start_main + 0xe7 (0x7fe343e7eb97 in /lib/x86_64-linux-gnu/libc.so.6)
Aborted (core dumped)
## Code example
#Import modules
import torch
#from scipy.io.wavfile import write
#set torchhub cache directory
torch.hub.set_dir('/home/lmdi/torchhub_cache/')
waveglow = torch.hub.load('nvidia/DeepLearningExamples:torchhub', 'nvidia_waveglow')
## System Info
PyTorch version: 1.3.1
Is debug build: No
CUDA used to build PyTorch: 10.1.243
OS: Ubuntu 18.04.3 LTS
GCC version: (Ubuntu 7.4.0-1ubuntu1~18.04.1) 7.4.0
CMake version: Could not collect
Python version: 3.7
Is CUDA available: Yes
CUDA runtime version: 10.2.89
GPU models and configuration: GPU 0: GeForce GTX 1660
Nvidia driver version: 440.44
cuDNN version: Could not collect
Versions of relevant libraries:
[pip3] numpy==1.18.0
[pip3] torch==1.3.1
[pip3] torchvision==0.4.2
[conda] Could not collect
| triaged,module: assert failure | low | Critical |
550,296,263 | flutter | ERROR: Running multiple emulators with the same AVD is an experimental feature. | From crash logging.
```
ProcessException: Process exited abnormally:
emulator: ERROR: Running multiple emulators with the same AVD is an experimental feature.
Please use -read-only flag to enable this feature.
Command: C:\Users\...\AppData\Local\Android\sdk\emulator\emulator.exe -avd Pixel_3_API_24
Β | atΒ RunResult.throwException | (process.dart:172 )
Β | atΒ _DefaultProcessUtils.run | (process.dart:322 )
Β | atΒ <asynchronous gap> | (async )
Β | atΒ AndroidEmulator.launch | (android_emulator.dart:53 )
Β | atΒ EmulatorsCommand._launchEmulator | (emulators.dart:73 )
Β | atΒ <asynchronous gap> | (async )
Β | atΒ EmulatorsCommand.runCommand | (emulators.dart:46 )
Β | atΒ FlutterCommand.verifyThenRunCommand | (flutter_command.dart:637 )
Β | atΒ _asyncThenWrapperHelper.<anonymous closure> | (async_patch.dart:75 )
Β | atΒ _rootRunUnary | (zone.dart:1134 )
Β | atΒ _CustomZone.runUnary | (zone.dart:1031 )
Β | atΒ _FutureListener.handleValue | (future_impl.dart:140 )
Β | atΒ Future._propagateToListeners.handleValueCallback | (future_impl.dart:682 )
Β | atΒ Future._propagateToListeners | (future_impl.dart:711 )
Β | atΒ Future._completeWithValue | (future_impl.dart:526 )
Β | atΒ Future._asyncComplete.<anonymous closure> | (future_impl.dart:556 )
Β | atΒ _rootRun | (zone.dart:1126 )
Β | atΒ _CustomZone.run | (zone.dart:1023 )
Β | atΒ _CustomZone.runGuarded | (zone.dart:925 )
Β | atΒ _CustomZone.bindCallbackGuarded.<anonymous closure> | (zone.dart:965 )
Β | atΒ _microtaskLoop | (schedule_microtask.dart:43 )
Β | atΒ _startMicrotaskLoop | (schedule_microtask.dart:52 )
Β | atΒ _runPendingImmediateCallback | (isolate_patch.dart:118 )
Β | atΒ _RawReceivePortImpl._handleMessage | (isolate_patch.dart:175 )
```
Maybe we can parse out the 'Running multiple emulators' bit, and throw a tool exit instead of crashing.
/cc @blasten | c: crash,platform-android,tool,P2,team-android,triaged-android | low | Critical |
550,298,517 | flutter | ToolExit for missing CFBundleVersion | From crash logging, from a `flutter run` command:
```
ProcessException: Process exited abnormally:
An error was encountered processing the command (domain=NSPOSIXErrorDomain, code=22):
Failed to install the requested application
The application's Info.plist does not contain CFBundleVersion.
Ensure your bundle contains a CFBundleVersion.
Command: /usr/bin/xcrun simctl install [id] /Users/.../build/ios/iphonesimulator/Runner.app
Β | atΒ RunResult.throwException | (process.dart:172 )
Β | atΒ _DefaultProcessUtils.run | (process.dart:322 )
Β | atΒ <asynchronous gap> | (async )
Β | atΒ SimControl.install | (simulators.dart:146 )
Β | atΒ IOSSimulator._setupUpdatedApplicationBundle | (simulators.dart:452 )
Β | atΒ <asynchronous gap> | (async )
Β | atΒ IOSSimulator.startApp | (simulators.dart:352 )
Β | atΒ FlutterDevice.runHot | (resident_runner.dart:434 )
Β | atΒ _asyncThenWrapperHelper.<anonymous closure> | (async_patch.dart:75 )
Β | atΒ _rootRunUnary | (zone.dart:1134 )
Β | atΒ _CustomZone.runUnary | (zone.dart:1031 )
Β | atΒ _FutureListener.handleValue | (future_impl.dart:140 )
Β | atΒ Future._propagateToListeners.handleValueCallback | (future_impl.dart:682 )
Β | atΒ Future._propagateToListeners | (future_impl.dart:711 )
Β | atΒ Future._completeWithValue | (future_impl.dart:526 )
Β | atΒ _AsyncAwaitCompleter.complete | (async_patch.dart:34 )
Β | atΒ _completeOnAsyncReturn | (async_patch.dart:293 )
Β | atΒ ApplicationPackageFactory.getPackageForPlatform | (application_package.dart )
Β | atΒ _asyncThenWrapperHelper.<anonymous closure> | (async_patch.dart:75 )
Β | atΒ _rootRunUnary | (zone.dart:1134 )
Β | atΒ _CustomZone.runUnary | (zone.dart:1031 )
Β | atΒ _FutureListener.handleValue | (future_impl.dart:140 )
Β | atΒ Future._propagateToListeners.handleValueCallback | (future_impl.dart:682 )
Β | atΒ Future._propagateToListeners | (future_impl.dart:711 )
Β | atΒ Future._completeWithValue | (future_impl.dart:526 )
Β | atΒ _AsyncAwaitCompleter.complete | (async_patch.dart:34 )
Β | atΒ _completeOnAsyncReturn | (async_patch.dart:293 )
Β | atΒ BuildableIOSApp.fromProject | (application_package.dart )
Β | atΒ _asyncThenWrapperHelper.<anonymous closure> | (async_patch.dart:75 )
Β | atΒ _rootRunUnary | (zone.dart:1134 )
Β | atΒ _CustomZone.runUnary | (zone.dart:1031 )
Β | atΒ _FutureListener.handleValue | (future_impl.dart:140 )
Β | atΒ Future._propagateToListeners.handleValueCallback | (future_impl.dart:682 )
Β | atΒ Future._propagateToListeners | (future_impl.dart:711 )
Β | atΒ Future._completeWithValue | (future_impl.dart:526 )
Β | atΒ _AsyncAwaitCompleter.complete | (async_patch.dart:34 )
Β | atΒ _completeOnAsyncReturn | (async_patch.dart:293 )
Β | atΒ IosProject.productBundleIdentifier | (project.dart )
Β | atΒ _asyncThenWrapperHelper.<anonymous closure> | (async_patch.dart:75 )
Β | atΒ _rootRunUnary | (zone.dart:1134 )
Β | atΒ _CustomZone.runUnary | (zone.dart:1031 )
Β | atΒ _FutureListener.handleValue | (future_impl.dart:140 )
Β | atΒ Future._propagateToListeners.handleValueCallback | (future_impl.dart:682 )
Β | atΒ Future._propagateToListeners | (future_impl.dart:711 )
Β | atΒ Future._completeWithValue | (future_impl.dart:526 )
Β | atΒ _AsyncAwaitCompleter.complete | (async_patch.dart:34 )
Β | atΒ _completeOnAsyncReturn | (async_patch.dart:293 )
Β | atΒ IosProject.buildSettings | (project.dart )
Β | atΒ _asyncThenWrapperHelper.<anonymous closure> | (async_patch.dart:75 )
Β | atΒ _rootRunUnary | (zone.dart:1134 )
Β | atΒ _CustomZone.runUnary | (zone.dart:1031 )
Β | atΒ _FutureListener.handleValue | (future_impl.dart:140 )
Β | atΒ Future._propagateToListeners.handleValueCallback | (future_impl.dart:682 )
Β | atΒ Future._propagateToListeners | (future_impl.dart:711 )
Β | atΒ Future._completeWithValue | (future_impl.dart:526 )
Β | atΒ _AsyncAwaitCompleter.complete | (async_patch.dart:34 )
Β | atΒ _completeOnAsyncReturn | (async_patch.dart:293 )
Β | atΒ XcodeProjectInterpreter.getBuildSettings | (xcodeproj.dart )
Β | atΒ _asyncThenWrapperHelper.<anonymous closure> | (async_patch.dart:75 )
Β | atΒ _rootRunUnary | (zone.dart:1134 )
Β | atΒ _CustomZone.runUnary | (zone.dart:1031 )
Β | atΒ _FutureListener.handleValue | (future_impl.dart:140 )
Β | atΒ Future._propagateToListeners.handleValueCallback | (future_impl.dart:682 )
Β | atΒ Future._propagateToListeners | (future_impl.dart:711 )
Β | atΒ Future._completeWithValue | (future_impl.dart:526 )
Β | atΒ _AsyncAwaitCompleter.complete | (async_patch.dart:34 )
Β | atΒ _completeOnAsyncReturn | (async_patch.dart:293 )
Β | atΒ _DefaultProcessUtils.run | (process.dart )
Β | atΒ _asyncThenWrapperHelper.<anonymous closure> | (async_patch.dart:75 )
Β | atΒ _rootRunUnary | (zone.dart:1134 )
Β | atΒ _CustomZone.runUnary | (zone.dart:1031 )
Β | atΒ _FutureListener.handleValue | (future_impl.dart:140 )
Β | atΒ Future._propagateToListeners.handleValueCallback | (future_impl.dart:682 )
Β | atΒ Future._propagateToListeners | (future_impl.dart:711 )
Β | atΒ Future._completeWithValue | (future_impl.dart:526 )
Β | atΒ Future.wait.<anonymous closure> | (future.dart:400 )
Β | atΒ _rootRunUnary | (zone.dart:1134 )
Β | atΒ _CustomZone.runUnary | (zone.dart:1031 )
Β | atΒ _FutureListener.handleValue | (future_impl.dart:140 )
Β | atΒ Future._propagateToListeners.handleValueCallback | (future_impl.dart:682 )
Β | atΒ Future._propagateToListeners | (future_impl.dart:711 )
Β | atΒ Future._complete | (future_impl.dart:516 )
Β | atΒ _BufferingStreamSubscription.asFuture.<anonymous closure> | (stream_impl.dart:207 )
Β | atΒ _rootRun | (zone.dart:1122 )
Β | atΒ _CustomZone.run | (zone.dart:1023 )
Β | atΒ _CustomZone.runGuarded | (zone.dart:925 )
Β | atΒ _BufferingStreamSubscription._sendDone.sendDone | (stream_impl.dart:392 )
Β | atΒ _BufferingStreamSubscription._sendDone | (stream_impl.dart:402 )
Β | atΒ _BufferingStreamSubscription._close | (stream_impl.dart:286 )
Β | atΒ _SinkTransformerStreamSubscription._close | (stream_transformers.dart:98 )
Β | atΒ _EventSinkWrapper.close | (stream_transformers.dart:25 )
Β | atΒ _StringAdapterSink.close | (string_conversion.dart:251 )
Β | atΒ _Utf8ConversionSink.close | (string_conversion.dart:302 )
Β | atΒ _ConverterStreamEventSink.close | (chunked_conversion.dart:82 )
Β | atΒ _SinkTransformerStreamSubscription._handleDone | (stream_transformers.dart:143 )
Β | atΒ _rootRun | (zone.dart:1122 )
Β | atΒ _CustomZone.run | (zone.dart:1023 )
Β | atΒ _CustomZone.runGuarded | (zone.dart:925 )
Β | atΒ _BufferingStreamSubscription._sendDone.sendDone | (stream_impl.dart:392 )
Β | atΒ _BufferingStreamSubscription._sendDone | (stream_impl.dart:402 )
Β | atΒ _BufferingStreamSubscription._close | (stream_impl.dart:286 )
Β | atΒ _SyncStreamControllerDispatch._sendDone | (stream_controller.dart:781 )
Β | atΒ _StreamController._closeUnchecked | (stream_controller.dart:638 )
Β | atΒ _StreamController.close | (stream_controller.dart:631 )
Β | atΒ _Socket._onData | (socket_patch.dart:1880 )
Β | atΒ _rootRunUnary | (zone.dart:1138 )
Β | atΒ _CustomZone.runUnary | (zone.dart:1031 )
Β | atΒ _CustomZone.runUnaryGuarded | (zone.dart:933 )
Β | atΒ _BufferingStreamSubscription._sendData | (stream_impl.dart:339 )
Β | atΒ _BufferingStreamSubscription._add | (stream_impl.dart:266 )
Β | atΒ _SyncStreamControllerDispatch._sendData | (stream_controller.dart:773 )
Β | atΒ _StreamController._add | (stream_controller.dart:649 )
Β | atΒ _StreamController.add | (stream_controller.dart:595 )
Β | atΒ new _RawSocket.<anonymous closure> | (socket_patch.dart:1422 )
Β | atΒ _NativeSocket.issueReadEvent.issue | (socket_patch.dart:912 )
Β | atΒ _microtaskLoop | (schedule_microtask.dart:43 )
Β | atΒ _startMicrotaskLoop | (schedule_microtask.dart:52 )
Β | atΒ _runPendingImmediateCallback | (isolate_patch.dart:118 )
Β | atΒ _RawReceivePortImpl._handleMessage | (isolate_patch.dart:175 )
```
/cc @jmagman | c: crash,platform-ios,tool,P2,team-ios,triaged-ios | low | Critical |
550,350,226 | go | x/build/maintner: track GitHub Projects | Maintner doesn't track GitHub Projects.
@rsc wanted to use them recently in gopherbot but couldn't.
This is a tracking bug for supporting them. | Builders,NeedsFix,FeatureRequest | low | Critical |
550,351,474 | flutter | If a label has been manually removed, fluttergithubbot should not re-add it | When somebody decides that a label is not relevant for a PR and removes it, the bot should not re-add it when a new commit is pushed.
/cc @dnfield | team-infra,P3,triaged-infra | low | Major |
550,368,742 | terminal | initialPosition should set both coordinates when one number exists | <!--
π¨π¨π¨π¨π¨π¨π¨π¨π¨π¨
I ACKNOWLEDGE THE FOLLOWING BEFORE PROCEEDING:
1. If I delete this entire template and go my own path, the core team may close my issue without further explanation or engagement.
2. If I list multiple bugs/concerns in this one issue, the core team may close my issue without further explanation or engagement.
3. If I write an issue that has many duplicates, the core team may close my issue without further explanation or engagement (and without necessarily spending time to find the exact duplicate ID number).
4. If I leave the title incomplete when filing the issue, the core team may close my issue without further explanation or engagement.
5. If I file something completely blank in the body, the core team may close my issue without further explanation or engagement.
All good? Then proceed!
-->
<!--
This bug tracker is monitored by Windows Terminal development team and other technical folks.
**Important: When reporting BSODs or security issues, DO NOT attach memory dumps, logs, or traces to Github issues**.
Instead, send dumps/traces to [email protected], referencing this GitHub issue.
If this is an application crash, please also provide a Feedback Hub submission link so we can find your diagnostic data on the backend. Use the category "Apps > Windows Terminal (Preview)" and choose "Share My Feedback" after submission to get the link.
Please use this form and describe your issue, concisely but precisely, with as much detail as possible.
-->
# Environment
```none
Windows build number: 10.0.19041.0
Windows Terminal version (if applicable): 0.8.10091.0
Any other software?
```
# Steps to reproduce
Set `initialPosition` to "#" (any number will work).
# Expected behavior
That number will set both the X and Y coordinates of the Terminal on launch. This matches the functionality of `padding`.
# Actual behavior
Only the X coordinate gets set.
| Help Wanted,Area-Settings,Product-Terminal,Issue-Task,good first issue | low | Critical |
550,374,268 | godot | AnimationPlayer saved multiple values for same keyframe | **Godot version:**
Godot_v3.1.2-rc1_win64
**OS/device including version:**
Windows 7
**Issue description:**
Sometimes the AnimationPlayer saves bad keyframe data
**Steps to reproduce:**
This is happening randomly I do not know how to reproduce this
Video showing the problem:
https://streamable.com/nq0m2
In the video it is clearly visible that there are multiple values stored for the same exact keyframe
**Minimal reproduction project:**
Don't have one as I don't know how to reproduce this | bug,topic:editor | low | Major |
550,374,439 | go | x/build: use Google Cloud for aix/ppc64 and linux/ppc64x builders | Google Cloud now supports POWER:
https://cloud.google.com/blog/products/gcp/ibm-power-systems-now-available-on-google-cloud
Maybe we can start running the AIX and linux/ppc64x builders on GCP (and scale VMs dynamically as needed) instead of OSUOSL (where we have a fixed and limited capacity).
/cc @laboger @trex58 @toothrot | Builders,NeedsInvestigation,new-builder,arch-ppc64x | low | Minor |
550,387,669 | go | x/tools/go/analysis/passes/shadow: shadowing not detected on deferred usage | <!--
Please answer these questions before submitting your issue. Thanks!
For questions please use one of our forums: https://github.com/golang/go/wiki/Questions
-->
### What version of Go are you using (`go version`)?
<pre>
go version go1.13.4 darwin/amd64
</pre>
### What did you do?
ran
```
go install golang.org/x/tools/go/analysis/passes/shadow/cmd/shadow
go vet -vettool=$(which shadow) main.go
```
on
```go
package main
import "fmt"
func main() {
err := fmt.Errorf("one")
defer func() { fmt.Printf("deferred err is %v\n", err) }()
{
err := fmt.Errorf("two")
fmt.Printf("err is %v\n", err)
}
}
```
### What did you expect to see?
```
./main.go:9:3: declaration of "err" shadows declaration at line 6
```
This is a simplified example but the intention of the defer is to print whatever the value of `err` is before returning. Since the `err` is redeclared in the new scope it shadows the initial declaration err. The `defer` then prints "deferred err is one" instead of the intended "deferred error is two".
### What did you see instead?
No vet error | NeedsInvestigation,Tools,Analysis | low | Critical |
550,405,328 | pytorch | PyTorch C++ API docs only tracks master branch | ## π Documentation
Currently, PyTorch C++ API docs (https://pytorch.org/cppdocs/) only tracks the master branch. Ideally we should add PyTorch version selector into it, similar to the Python API docs (https://pytorch.org/docs/stable/index.html).
cc @yf225 @ezyang @zou3519 | module: cpp,triaged,module: doc infra | low | Minor |
550,406,908 | rust | lint on dbg! of non-reference with return value not used | The `dbg!` macro takes its argument by value, so that it can return that same value. See https://github.com/rust-lang/rust/issues/59943 for some background.
We should lint on code that calls `dbg!` on a non-reference value (thus consuming that value) and doesn't do anything with the return value. The lint could suggest taking a reference. | A-lints,T-lang,C-feature-request | low | Minor |
550,410,338 | rust | Don't infer regions in type checking | This is a tracking issue for avoiding region inference in item body type checking. The goal would be to use `ReErased` where we currently use `ReVar` as much as possible.
The motivations for this are:
* It would avoid doing region inference twice (once in typeck, once in borrowck).
* It might improve caching since there are fewer distinct types.
* It ensures that region inference cannot affect later passes.
cc @nikomatsakis | C-enhancement,A-lifetimes,T-compiler,A-inference,A-NLL | low | Minor |
550,458,518 | flutter | [flutter_tools] Migrate platforms away from .flutter-plugins | https://github.com/flutter/flutter/pull/48614 moves the plugins list to `.flutter-plugins-dependencies`. `.flutter-plugins` will be kept for a whilee to avoid breaking existing apps, but should be removed after the migration is complete | tool,c: API break,P2,team-tool,triaged-tool | low | Major |
550,462,106 | go | testing,go/doc: no way to properly distribute non-trivial runnable examples | I filed #35852 as a proposal to try to describe this problem and propose a solution, but since it was declined, I'm falling back to simply filing an issue about the problem. The fact that the solution got rejected doesn't mean that the problem doesn't exist.
--
We can have examples which show up in the godoc but aren't runnable, and runnable examples which are run as part of `go test`. This is enough for most use cases.
However, take the case where one has more than a handful of examples in a single package, and they each take a non-trivial amount of time to run, such as 200ms. Since they cannot run in parallel with themselves or any other test within the same package, `go test` can take multiple more seconds than it really needs to.
The root of the problem is that there's no way to write examples which are:
1) Part of the documentation (i.e. godoc)
2) Runnable (i.e. on godoc.org, or via `go test`)
3) Scalable (i.e. can be run in parallel)
Below are some workarounds I considered:
* Rewriting some of the examples as tests. Not good, because they are lost in the godoc, and hidden from the users. Loses point 1.
* Splitting the examples in multiple packages. This makes `go test ./...` faster, as there's built-in parallelism between packages being tested. However, this splits up godoc pages, and it's not unreasonable to have more than a handful of examples in a single package. Loses point 1.
* Make some of the examples non-runnable. Perhaps the best option today, but still not great. A runnable example is always verified by `go test`, and it's easier for the user to see what it does and how to run it. Loses point 2.
In the proposal above I tried exploring a couple of solutions to allow running examples in parallel. Are there other solutions we can look into?
/cc @bcmills @leitzler @rsc | NeedsInvestigation | low | Minor |
550,463,895 | flutter | [New Feature] TextStyle.verticalShift property | It is now becoming easier to precisely position text as desired, however the vertical axis is still lacking in the ability to shift up and down relative to the baseline. Currently, to accomplish shift, it is difficult if not impossible, making aligning slightly misaligned fonts a pain to do, as we always layout along the baseline.
I propose `TextStyle.verticalShift` property which would apply a logical pixel vertical shift relative to the baseline and be specified as a proportion of the font size. For example, with verticalShift as `-0.5` and fontSize of `10`, the text (ascent and descent) would be transformed by 5 logical pixels downwards. If used in isolation, the line would then be "shorter" and the entire line would move up to compensate. However, when in a multi-span line, this shift would leave the other spans unmodified, causing a relative alignment shift. The ascent and descent would both be shifted by the same amount.
This is useful in cases where certain languages do not naturally line up as expected. A small shift can be applied to spans in one language to account for the mismatch.
This is not prioritized as there is currently nobody asking for this, but I do believe that this can be a useful tool that many people do not know they want as it does not seem to exist in other layout systems.
I will provide some diagrams/design doc shortly. | c: new feature,framework,engine,a: typography,P2,team-engine,triaged-engine | low | Minor |
550,471,066 | rust | Support whole program devirtualization | When doing LTO, LLVM supports a devirtualization pass that converts some indirect calls to static, inlineable calls. This can unlock a lot of optimizations when dynamic dispatch is used frequently in a program.
I don't know how hard this would be to support in Rust. Clang has a flag `-fwhole-program-vtables` which we would need to emulate. From there it seems like it might "just work". I'm opening this issue to start collecting more information.
I also found #11915 which mentions this, but not sure if any of the information there is still accurate. | A-LLVM,C-enhancement,A-trait-system,T-compiler,C-optimization | medium | Major |
550,482,168 | TypeScript | Enable a library to support an older compiler than the one used to build it | ## Search Terms
TS1086, getter, incompatible, 3.7
## Use Case
Consider a library API like this:
```ts
export class Book {
get title(): string { return "Untitled"; }
}
```
If I compile this library using TypeScript 3.7, the resulting .d.ts file cannot be consumed by a project that uses TypeScript 3.5. The build will fail with this error:
```
error TS1086: An accessor cannot be declared in an ambient context.
```
Today, this error is considered ["Working as Intended"](https://github.com/microsoft/TypeScript/issues/33939#issuecomment-544192622). For libraries that seek to maximize compatibility, this policy causes us to get stranded on a relatively old compiler release. π€
Note that the above source code is not using any new 3.7 language features. The class property getter syntax is the same in TS 3.5. In other words, _backwards-compatible source code does NOT produce backwards-compatible .d.ts files._
## Proposed change
Let's introduce a new option in **tsconfig.json**:
```ts
"dtsCompatibilityVersion": "3.5.0"
```
This would have two effects:
- If my source code accidentally uses newer 3.7 syntax, the compiler will report an error to warn me.
- The emitter will avoid introducing incompatible constructs in the .d.ts files (e.g. emit `readonly title: string` instead of `get title(): string` for the above example)
Where constructs can be transformed to equivalent older constructs (like what [downlevel-dts](https://github.com/sandersn/downlevel-dts) does), that's nice to have. But it's NOT required. Reporting an error is perfectly acceptable, as long as _backwards-compatible source code can produce backwards-compatible .d.ts files._
How far back do we want to be compatible? The `dtsCompatibilityVersion` option leaves this decision up to the library author, while enabling them to use the latest compiler engine.
## Checklist
My suggestion meets these guidelines:
* [x] This wouldn't be a breaking change in existing TypeScript/JavaScript code
* [x] This wouldn't change the runtime behavior of existing JavaScript code
* [x] This could be implemented without emitting different JS based on the types of the expressions
* [x] This isn't a runtime feature (e.g. library functionality, non-ECMAScript syntax with JavaScript output, etc.)
* [x] This feature would agree with the rest of [TypeScript's Design Goals](https://github.com/Microsoft/TypeScript/wiki/TypeScript-Design-Goals).
| Suggestion,Awaiting More Feedback | medium | Critical |
550,487,597 | godot | String nodes cannot grab focus even with set_focus_mode(FOCUS_ALL) | **Godot version:**
v3.1.2
**OS/device including version:**
Windows 10 Pro education 64 bit
**Issue description:**
Clicking on the String node with the mouse doesn't grab the focus and redirect it to the SubBtn node even though I use set_focus_mode()
**Steps to reproduce:**
download the project if you don't have it
debug the GUIOption scene
click on charg mk 1 text
notice the root node is selected and not the label I marked as focusable in the script
**Minimal reproduction project:**
[AstroWars.zip](https://github.com/godotengine/godot/files/4068169/AstroWars.zip)
| bug,topic:gui | low | Critical |
550,488,342 | godot | Forwarding focus neighbours causes odd side effects | **Godot version:**
v3.1.2
**OS/device including version:**
Windows 10 Pro education 64 bit
**Issue description:**
selection from alternative version does opposite of expected.
setting focus neighbour in Menu1 scene doesn't allow one below it to be selected
unsetting focus neighbour allows the one below it to be selected
**Steps to reproduce:**
download the project if you have the old version
debug the Menu1 scene
press down
notice the left arrow below it is selected
edit Menu1 scene and set Weapon1 top and bottom focus neighbours to the Weapon2 node
debug the Menu1 again
press down
notice that the focus didn't change and the exact opposite of what should happen happened
**Minimal reproduction project:**
[AstroWars.zip](https://github.com/godotengine/godot/files/4068184/AstroWars.zip)
| bug,confirmed,topic:gui | low | Critical |
550,503,295 | pytorch | [TorchScript] Device comparison implemented in eq but not ne | ## π Bug
In a scripted module "a.device != b.device" doesn't work because of no matching signatures, while "not a.device == b.device" works.
## To Reproduce
Minimal example:
```import torch
from torch import nn
class MyModel(nn.Module):
def __init__(self):
super().__init__()
def forward(self):
a = torch.zeros(1)
if a.device != a.device:
return torch.zeros(1)
else:
return torch.ones(1)
m = MyModel()
scripted = torch.jit.script(m)
```
The above doesn't work, "a.device != a.device" -> "not a.device == a.device" works.
## Expected behavior
not equal should also work
## Environment
FB intern
@eellison
cc @suo | oncall: jit,triaged | low | Critical |
550,532,965 | pytorch | models after prepare/prepare_qat contains `qconfig` which prevents pickling | We should remove qconfig after module swapping
cc @jianyuh @raghuramank100 @jamesr66a @vkuzo @jgong5 @Xia-Weiwen @leslie-fang-intel @jerryzh168 @dzhulgakov | oncall: quantization,low priority,triaged | low | Minor |
550,549,091 | pytorch | torch.nn.functional.threshold not work with LongTensor | ## π Bug
**torch.nn.functional.threshold** and **torch.nn.Threshold** can work on **Tensor** but not work correctly for **LongTensor** variables.
## To Reproduce
Steps to reproduce the behavior:
Follow the following steps or just run the code below.
1. apply `F.threshold` on **LongTensor**
2. apply `F.threshold` on **Tensor**
3. Compare the results of them
```
import torch
turn_long = torch.LongTensor([[10, 10],
[ 7, 7],
[ 2, 2],
[ 4, 4],
[10, 10],
[ 6, 6]])
turn = torch.Tensor([[10, 10],
[ 7, 7],
[ 2, 2],
[ 4, 4],
[10, 10],
[ 6, 6]])
turn_long = -torch.nn.functional.threshold(-turn_long, -5, -5) # unexpected
turn = -torch.nn.functional.threshold(-turn, -5, -5) # correct
print("turn_long: ", turn_long)
print("turn: ", turn)
"""Then you will see
turn_long: tensor([[10, 10],
[ 7, 7],
[ 5, 5],
[ 5, 5],
[ 5, 5],
[ 5, 5]])
turn: tensor([[5., 5.],
[5., 5.],
[2., 2.],
[4., 4.],
[5., 5.],
[5., 5.]])
, which are different."""
```
## Expected behavior
I want to implement a 'reversed threshold' function.
Threshold is to restrict the original values with given value if they are smaller than the threshold. But I want to restrict the original values if they are larger than the threshold.
The result of the turn (dtype=torch.Tensor) is correct, but I don't know why it doesn't work correctly on LongTensor data.
Take the example above, you will find something weird.
## Environment
- PyTorch Version (e.g., 1.0): 1.0.0
- OS (e.g., Linux): Linux & MacOS
- How you installed PyTorch (`conda`, `pip`, source): `pip`
- Build command you used (if compiling from source):
- Python version: 3.7.0
- CUDA/cuDNN version: 9.0.176
- GPU models and configuration: Tesla P40 (I don't know what gpu model means, but I post the name of it here.)
- Any other relevant information:
## Additional context
None
| module: nn,triaged,enhancement | low | Critical |
550,561,453 | storybook | [addon-docs] Add support for providing remark plugins in docs | **Is your feature request related to a problem? Please describe.**
See the [twitter discussion](https://twitter.com/kevin940726/status/1217637106182307840) I had with @shilman.
Currently if the user wants to add new remark plugins to docs, they have to manually create the loader in conjunction with `createCompiler`, as seen in the [doc](https://github.com/storybookjs/storybook/blob/next/addons/docs/README.md#manual-configuration).
```js
const createCompiler = require('@storybook/addon-docs/mdx-compiler-plugin');
const emoji = require("remark-emoji");
{
loader: "@mdx-js/loader",
options: {
compilers: [createCompiler({})],
remarkPlugins: [emoji] // <--
}
}
```
**Describe the solution you'd like**
We can add a new option in `addon-docs` to add the `remarkPlugins` (and other loader options) to the mdx loader, called `mdxLoaderOptions`.
```js
const emoji = require("remark-emoji");
module.exports = {
addons: [
{
name: "@storybook/addon-docs",
options: {
mdxLoaderOptions: {
remarkPlugins: [emoji] // <--
}
}
}
]
};
```
Currently we already have [2 default remark plugins](https://github.com/storybookjs/storybook/blob/next/addons/docs/src/frameworks/common/preset.ts#L32). We can just simply override the options and expect the users to add them back if they still want those plugins.
**Describe alternatives you've considered**
We could dedup the provided plugins, but [that might be a bad idea](https://twitter.com/mshilman/status/1217647872813850624).
**Are you able to assist bring the feature to reality?**
Sure! :) Any heads-up for where to look into?
| feature request,addon: docs | low | Major |
550,571,250 | pytorch | Numpy array functionality in torchscript. | I am quantizing one of my model in Linux Machine.
I am using jit to trace and save the model.
One of my function forward path look like this -
```
def forward(self, image):
image_shape = image.shape[2:]
image_shape = np.array(image_shape)
image_shapes = [(image_shape + 2 ** x - 1) // (2 ** x) for x in self.pyramid_levels]
return image_shapes
```
I am saving my model like this -
`torch.jit.save(torch.jit.script(quant_model),"demo_model.pt")`
But it is giving issues in forward path np.array
Error -
`Python builtin <built-in function array> is currently not supported in Torchscript:`
```
- PyTorch Version (e.g., 1.0): 1.5.0.dev20200115+cpu
- TorchVision Version - 0.6.0.dev20200115+cpu
- OS (e.g., Linux): Linux
- How you installed PyTorch (`conda`, `pip`, source):pip
- Build command you used (if compiling from source):
- Python version: 3.7.3
- CUDA/cuDNN version:
- GPU models and configuration:
- Any other relevant information:
## Additional context
<!-- Add any other context about the problem here. -->
cc @suo | oncall: jit,triaged | low | Critical |
550,579,013 | pytorch | Support strategy to train large model that exceeds GPU mem and DRAM mem | ## π Feature
Support strategy to train large model that exceeds GPU mem and DRAM mem.
## Motivation
Models [e.g. **Factorization Machines**(1) or **DeepFM**(2)] in **recommendation task**s are usually very large , **billions of features**(including user id and product id) are used.
Training data in recommendation scenario is very sparse and the large embedding table consumes large memory, the model size may **exceed both GPU mem and DRAM mem** in one Machine.
Both **DataParallel** and **DistributedDataParallel** strategy can't support this scenario.
This kind of scenario usually use **Parameter Server** strategy.
I wonder how **Facebook** use Pytorch to serve **Recommendation and Ads products**.
1. Rendle, Steffen. "Factorization machines." 2010 IEEE International Conference on Data Mining. IEEE, 2010. https://www.csie.ntu.edu.tw/~b97053/paper/Rendle2010FM.pdf
2. Guo, Huifeng, et al. "DeepFM: a factorization-machine based neural network for CTR prediction."Β arXiv preprint arXiv:1703.04247Β (2017). https://arxiv.org/abs/1703.04247
cc @pietern @mrshenli @pritamdamania87 @zhaojuanmao @satgera @gqchen @aazzolini @rohan-varma @xush6528 @jjlilley @osalpekar | feature,triaged,module: rpc | low | Minor |
550,588,058 | scrcpy | Wireless major frame drops and latency | On a note 9. when I'm connected USB, it's delayed a bit more than the standard 70-100ms. That's fine, would like it to be better, but when I swap to wireless, it's horrible. 10-20 second delay.
| performance | low | Major |
550,590,126 | go | x/tools/gopls: diff metadata before invalidating on changes to go.mod | Right now, `gopls` invalidates all workspace metadata if there is a change to the user's `go.mod` file. This is unnecessary if the metadata remains valid after the change. @heschik proposes running `go list -m all` as a gate during the snapshot cloning to determine if we should invalidate all metadata or keep it in the cache. Either way, we will either invalidate all metadata for the workspace or none. | NeedsInvestigation,gopls,Tools | low | Minor |
550,601,606 | rust | Unexpected 'static lifetime requirement | Attempting to compile
```rust
trait Trait<T> { }
impl<A: Trait<T> + ?Sized, T> Trait<T> for Box<A> { }
fn foo<T>(s: &Box<dyn Trait<T>>) {
let _: &(dyn Trait<T> + 'static) = s;
}
```
yields the following error.
```
error[E0310]: the parameter type `T` may not live long enough
--> src/lib.rs:5:40
|
4 | fn foo<T>(s: &Box<dyn Trait<T>>) {
| - help: consider adding an explicit lifetime bound `T: 'static`...
5 | let _: &(dyn Trait<T> + 'static) = s;
| ^
|
note: ...so that the type `std::boxed::Box<(dyn Trait<T> + 'static)>` will meet its required lifetime bounds
--> src/lib.rs:5:40
|
5 | let _: &(dyn Trait<T> + 'static) = s;
| ^
```
However, changing the line mentioned in the error to `let _: &(dyn Trait<T> + 'static) = &**s;` allows the code to compile.
The former attempts to coerce the `Box` itself to a trait object, while the latter simply takes a reference to the trait object within the `Box`, although I fail to understand why the former shouldn't work when the latter does. My guess is that the lifetime of the `Box` is bounded to the lifetime of `T` unnecessarily. | A-borrow-checker,T-compiler | low | Critical |
550,621,530 | go | go/parser: inconsistent error messages when missing braces after struct/interface in return type | Please answer these questions before submitting your issue. Thanks!
#### What did you do?
Three files. `what.go`:
```go
package what
func doSomething() {
var s SomeStruct
_ = s.StringAbove()
_ = s.StringBelow()
}
type SomeStruct struct {
readyChan chan struct{}
}
// StringAbove is a function above ready().
func (s *SomeStruct) StringAbove() string {
return "SomeStruct"
}
func (s *SomeStruct) ready() chan struct{} {
return s.readyChan
}
// StringBelow is a function below ready()
func (s *SomeStruct) StringBelow() string {
return "SomeStruct"
}
type OtherType struct {
v string
}
func (o OtherType) String() string {
return o.v
}
```
`what_test.go`
```go
package what_test
import (
"testing"
"what"
)
func TestSomething(t *testing.T) {
var s what.SomeStruct
_ = s.StringAbove()
_ = s.StringBelow()
}
func TestOther(t *testing.T) {
var o what.OtherType
_ = o.String()
}
```
`what_test2.go`
```go
package what
import (
"testing"
)
func TestSomething2(t *testing.T) {
var s SomeStruct
_ = s.StringAbove()
_ = s.StringBelow()
}
func TestOther2(t *testing.T) {
var o OtherType
_ = o.String()
}
```
Now, remove the `{}` after `struct` in `ready`'s return value.
#### What did you expect to see?
Preferably, recovery from this situation (that might be another issue about how to deal with these parsing issues), and consistent-ish diagnostics with the issue.
#### What did you see instead?
No recovery, so everything that comes after is broken. But, it's only for that one type, and the diagnostics / hover behavior of things is pretty inconsistent.
A screencast: https://streamable.com/xc1k0
https://gist.github.com/zikaeroh/e752451719bff6020ba8a981678c9184
#### Build info
```
golang.org/x/tools/gopls master
golang.org/x/tools/[email protected] h1:1TIoDnmETx0ZptB3IkN+lN1z/gkfEtlCEjQmD51vhsM=
github.com/BurntSushi/[email protected] h1:WXkYYl6Yr3qBf1K79EBnL4mak0OimBfB0XUf9Vl28OQ=
github.com/sergi/[email protected] h1:Kpca3qRNrduNnOQeazBd0ysaKrUJiIuISHxogkT9RPQ=
golang.org/x/[email protected] h1:WG0RUwxtNT4qqaXX3DPA8zHFNm/D9xaBpxzHt1WcA/E=
golang.org/x/[email protected] h1:8gQV6CLnAEikrhgkHFbMAEhagSSnXWGV915qUMm9mrU=
golang.org/x/[email protected] h1:D0OxfnjPaEGt7AluXNompYUYGhoY3u6+bValgqfd1vE=
golang.org/x/[email protected] h1:/atklqdjdhuosWIl6AIbOeHJjicWYPqR9bpxqxYG2pA=
honnef.co/go/[email protected] h1:3JgtbtFHMiCmsznwGVTUWbgGov+pVqnlf1dEJTNAXeM=
mvdan.cc/xurls/[email protected] h1:KaMb5GLhlcSX+e+qhbRJODnUUBvlw01jt4yrjFIHAuA=
```
#### Go info
```
go version go1.13.6 linux/amd64
GO111MODULE=""
GOARCH="amd64"
GOBIN=""
GOCACHE="/home/jake/.cache/go-build"
GOENV="/home/jake/.config/go/env"
GOEXE=""
GOFLAGS=""
GOHOSTARCH="amd64"
GOHOSTOS="linux"
GONOPROXY=""
GONOSUMDB=""
GOOS="linux"
GOPATH="/home/jake/go"
GOPRIVATE=""
GOPROXY="https://proxy.golang.org,direct"
GOROOT="/usr/lib/go"
GOSUMDB="sum.golang.org"
GOTMPDIR=""
GOTOOLDIR="/usr/lib/go/pkg/tool/linux_amd64"
GCCGO="gccgo"
AR="ar"
CC="gcc"
CXX="g++"
CGO_ENABLED="1"
GOMOD="/home/jake/testproj/what/go.mod"
CGO_CFLAGS="-g -O2"
CGO_CPPFLAGS=""
CGO_CXXFLAGS="-g -O2"
CGO_FFLAGS="-g -O2"
CGO_LDFLAGS="-g -O2"
PKG_CONFIG="pkg-config"
GOGCCFLAGS="-fPIC -m64 -pthread -fmessage-length=0 -fdebug-prefix-map=/tmp/go-build340140430=/tmp/go-build -gno-record-gcc-switches"
```
| NeedsFix,gopls/parsing | low | Critical |
550,673,884 | flutter | How to pass parameters to flutter web app | This query was originally asked on StackOverflow but since I have got no reply and there is no particular answer resolving this query I am posting it here
[https://stackoverflow.com/q/59698200/9236994](https://stackoverflow.com/q/59698200/9236994)
After hours of searching about the topic and due to lack of documentation on Flutter Web I am asking this question.
I was trying to create a web app using flutter and had an requirement where URL such as below
`website.com/user/someUserCode`
would be called and an page will be launched where the data (`someUserCode`) will be passed to the page
but haven't got any solutions yet to resolve it.
so just rounding it all up,
**How to pass and fetch the data using (get / post) methods to flutter web app?**
What all I know / have tried yet
I am using below code to read if some parameters are being to some class file
```
final Map<String, String> params = Uri.parse(html.window.location.href).queryParameters;
String data = params["userData"];
```
all this actually solves the **Fetch** part of my question (maybe)
but the part where that data will be passed to the page via URL is still missing. | c: new feature,framework,f: routes,d: stackoverflow,platform-web,P2,team-web,triaged-web | low | Major |
550,675,593 | TypeScript | Type inference regression due to circular type definition | <!--
Please try to reproduce the issue with the latest published version. It may have already been fixed.
For npm: `typescript@next`
This is also the 'Nightly' version in the playground: http://www.typescriptlang.org/play/?ts=Nightly
-->
**TypeScript Version:** 3.8.0-dev.20200115
<!-- Search terms you tried before logging this (so others can find this issue more easily) -->
**Search Terms:**
circular type
**Code**
Replace
```typescript
type DeepPartial<T> =
T extends Message ? PartialMessage<T> :
T;
type PartialMessage<T extends Message> = { [K in keyof T]?: DeepPartial<T[K]> };
```
with
```ts
type DeepPartial<T> =
T extends Message ? { [K in keyof T]?: DeepPartial<T[K]> } :
T;
```
**Expected behavior:**
Both works.
**Actual behavior:**
```
Type 'typeof SubMessage' is not assignable to type 'FieldValueType<SubMessage>'.
The types returned by 'from(...)' are incompatible between these types.
Property 'n' is missing in type 'Message' but required in type 'SubMessage'.(2322)
```
**Playground Link:**
[Without circular type definition](https://www.typescriptlang.org/play/?ts=3.8.0-dev.20200115&ssl=6&ssc=1&pln=1&pc=1#code/C4TwDgpgBAIhFgAoEMBOwCWyA2AeAKgHxQC8AUFJVPlBAB7AQB2AJgM5QCyEbbyA5tAD8UFOizZuvARALEAXBSr4A3GTKhIotJhxS+ggrQbN2XHgYjESUAN5QA2gGkoGJlADWEEAHsAZtQAukLysPBIOhIEzoHEAL5qZADG2Mi85tKCdkqUbMDImElQfqg+ALZG9IysHPoyhAAUwAAWGGyhdYIAwj5MeagArknAPqhyADRQPgBGAFahcAhiunhEAJShNLY5VJSoEMADqO62cVBp1Gq7cTtsAISh-W78V1RlIVAAygPTnRBqN2SqXS31+FhkxmqZj+2V2TAeUCYAzK0wgqAB6noYFGwCgmmgfx6fWAg2Go0qJhqGUs1igTXAEH81JkaygADI6UwIAB3OmskjEfBrRJuRioPzIJLQABiGAg2BYADUcAMIPgGXJYVQSuVQg0AG4LcLLKLrUiCjFkLE4vEM5mCOBsJKoDBgEaoWXy9gASSYGGAmps212DkGTEwZQgADlkJHXO4vL4AvhAgBaD6ehXK7Cq9WQXBR3pRgbYVLTbCyfChgbhjCRmOR2KEMgJdRJXp5L74ABK3qjAHFSHZiqUyg12mElpEcLgnkx+IRWfZ9odjlAAOTrlRQM6t5Id3EsHhJDrgh3Hl1u0aZn1+gN-WnBqgTz49vv98Y7MqhUF-T+AmELhvbNcw1B81F-M9oCAuUsxVNUNUgzIrDUIA)
[With circular type definition](https://www.typescriptlang.org/play/?ts=3.8.0-dev.20200115&ssl=1&ssc=1&pln=36&pc=1#code/C4TwDgpgBAIhFgAoEMBOwCWyA2AeAKgHxQC8AUFJVPlBAB7AQB2AJgM5QCyEbbyA5tAD8UAN5QA2gGkoGJlADWEEAHsAZtQC6QgFyx4SNJhwFpm4gF8oOilXwBuMmQDG2ZLy48+gsbcptgZExnKDVUFQBbAloGZnZPXgEIQgAKYAALDDY9bkTBAGEVJgDUAFdnYBVUAkIAGigVACMAKz04BBR0LDwiAEo9GlE-KkpUCGBS1HlRK3dqRxGLYbYAQj0SuX4FqgjdKABlUsbc7whHJZc3D0PjrySYxlYOE-uhkaY1qCZSiMaIVHOTnoYCqwCgoEgCVOhWKwDKFSq0Xoj3iL0ExBIUDS4Ag6ihSV6UAAZFimBAAO5YwkkYj4XqOMhyRioNTIZzQABiGAg2BYADUcKUIPgcTVfCMwpE9CkAG5tAydYw9QjU2mAsjA0HgnH4wRwNjOVAYMCVVBcnnsACSTAwwDFmLeVAkZSYmAiEAAcsh3bJ5EpVBp8JoALR7c28gXYIUiyC4D1FD2lbBuRrYCCmF1uz3eiDmQhkCwM5xFAIHfAAJUtHoA4qQxKFwhEUtl9B0jN1cBsmPwVfWxhMplAAORD+xQKyFpzF2FQFg8Zw5O56+dGk1VcNWm12tHJOuO-x6fYVqvV2rDCKHo47s8XHdQOYbyPR0U7wiOG53h-ciOC4Wij9LskjhAA)
**Related Issues:** <!-- Did you find other bugs that looked similar? -->
| Needs Investigation | low | Critical |
550,682,131 | TypeScript | Use absolute file paths in error messages | ## Search Terms
absolute
## Suggestion
Output absolute paths in type errors for `tsc`, or at least a way to specify this.
## Use Cases
When type checking in monorepositories, typically `tsc` is run for each workspace. `tsc` is then run relative to the workspace it is run from, whereas developers are mostly interested in either the absolute path, or the path relative to the project root.
I have configured my terminal emulator so I can CTRL-click a file and then the file is opened in VSCode, even on the correct line. This works for `tsc` output in simple TypeScript projects, because the file paths are relative to the project root. This also works for example for ESLint output, because it prints absolute paths. This does not work for `tsc` in mono repositories, because the output of `yarn workspaces run tsc` is relative to that workspace.
## Examples
Clone and install a TypeScript mono repository.
```sh
git clone https://gitlab.com/remcohaszing/koas.git
cd koas
yarn
```
Letβs open the project using VSCode, since its builtin terminal is preconfigured to work with CTRL-click.
Run `yarn workspaces run tsc` in the VSCode terminal. This should work fine.
Now mess up any type. I changed an instance of `koas.Middleware` to `koas.Middlewar` in `packages/koas-core/src/index.ts`.
Run `yarn workspaces run tsc` in the VSCode terminal again. Now this outputs an error and a file path. The file path is not clickable, because it canβt be resolved.
## Checklist
My suggestion meets these guidelines:
* [x] This wouldn't be a breaking change in existing TypeScript/JavaScript code
* [x] This wouldn't change the runtime behavior of existing JavaScript code
* [x] This could be implemented without emitting different JS based on the types of the expressions
* [x] This isn't a runtime feature (e.g. library functionality, non-ECMAScript syntax with JavaScript output, etc.)
* [x] This feature would agree with the rest of [TypeScript's Design Goals](https://github.com/Microsoft/TypeScript/wiki/TypeScript-Design-Goals).
| Suggestion,In Discussion,Domain: Error Messages | medium | Critical |
550,726,789 | go | runtime/cgo: add cgosymbolizer package to provide default Traceback | Go runtime has all the necessary machinery to resolve symbols from platform specific debug data (such as dwarf). It makes sense, therefore, to actually provide the default handlers for `SetCgoTraceback` out of the box, instead of forcing users to use somewhat under maintained and not always wieldy miniport of the GCC backtrace facility.
This relatively small functionality addition on the Go runtime side (which already has a decent chunk of the machinery required) will make the life of Cgo users everywhere instantaneously better.
| NeedsInvestigation,FeatureRequest,compiler/runtime | low | Critical |
550,727,836 | flutter | Be able to restart/reinstall application during UI test execution | ## Use case
I'd like to restart application between each UI test run.
Actually and as workaround we have something that via dataHandler we're doing on each test `setUp()` that's restarting the activity but it's not ideal as we're not properly cleaning memory. As a QA I think that's mandatory that each test has to be executed in isolation and without depending on previous run outcome.
## Proposal
Have an additional argument on `flutter drive` that will let application restart like a fresh install for each test.
Proposal:
`flutter drive --reinstall-between-tests` or something similar
| a: tests,c: new feature,framework,t: flutter driver,c: proposal,P3,team-framework,triaged-framework | medium | Critical |
550,746,953 | flutter | Flutter drive tests suddenly stop working | ## Steps to Reproduce
1. We have a suite of ~30 UI tests that are executed sequentially. In order to restart the application between each scenario, we are doing some workaround (already opened this feature request https://github.com/flutter/flutter/issues/48955 to restart app easily). Execute the tests on that suite Β‘
`flutter drive -d "my_awesome_emulator" --target=test_driver/test_runner.dart`
<!-- You must include full steps to reproduce so that we can reproduce the problem. -->
**Expected results:**
UI tests execution is working as expected.
**Actual results:**
We are having a random error that happens really often (~80% of builds) and only happens on Android that have this stack trace:
```
11:02:27 [warning] FlutterDriver: Instance of '_WebSocketImpl' is closed with an unexpected code 1005
11:02:27 [warning] FlutterDriver: Instance of '_WebSocketImpl' is closed with an unexpected code 1005
11:02:31 [warning] FlutterDriver: tap message is taking a long time to complete...
11:02:55 01:11 +10 -1: my_test_group my_test_name [E]
11:02:55
11:02:55 TimeoutException after 0:00:30.000000: Test timed out after 30 seconds.
11:02:55
11:02:55 package:test_api/src/backend/invoker.dart 324:28 Invoker._handleError.<fn>
11:02:55 dart:async/zone.dart 1122:38 _rootRun
11:02:55 dart:async/zone.dart 1023:19 _CustomZone.run
11:02:55 package:test_api/src/backend/invoker.dart 322:10 Invoker._handleError
11:02:55 package:test_api/src/backend/invoker.dart 275:9 Invoker.heartbeat.<fn>.<fn>
11:02:55 dart:async/zone.dart 1126:13 _rootRun
11:02:55 dart:async/zone.dart 1023:19 _CustomZone.run
11:02:55 package:test_api/src/backend/invoker.dart 273:38 Invoker.heartbeat.<fn>
11:02:55 package:stack_trace/src/stack_zone_specification.dart 209:15 StackZoneSpecification._run
11:02:55 package:stack_trace/src/stack_zone_specification.dart 119:48 StackZoneSpecification._registerCallback.<fn>
11:02:55 dart:async/zone.dart 1126:13 _rootRun
11:02:55 dart:async/zone.dart 1023:19 _CustomZone.run
11:02:55 dart:async/zone.dart 949:23 _CustomZone.bindCallback.<fn>
11:02:55 dart:async-patch/timer_patch.dart 23:15 Timer._createTimer.<fn>
11:02:55 dart:isolate-patch/timer_impl.dart 384:19 _Timer._runTimers
11:02:55 dart:isolate-patch/timer_impl.dart 418:5 _Timer._handleMessage
11:02:55 dart:isolate-patch/isolate_patch.dart 174:12 _RawReceivePortImpl._handleMessage
11:02:55 ===== asynchronous gap ===========================
11:02:55 dart:async/zone.dart 1047:19 _CustomZone.registerCallback
11:02:55 dart:async/zone.dart 948:22 _CustomZone.bindCallback
11:02:55 dart:async/zone.dart 1193:21 _rootCreateTimer
11:02:55 dart:async/zone.dart 1090:19 _CustomZone.createTimer
11:02:55 package:test_api/src/backend/invoker.dart 272:34 Invoker.heartbeat
11:02:55 package:test_api/src/backend/invoker.dart 235:5 Invoker.waitForOutstandingCallbacks
11:02:55 package:test_api/src/backend/declarer.dart 169:33 Declarer.test.<fn>.<fn>
11:02:55 dart:async/zone.dart 1126:13 _rootRun
11:02:55 dart:async/zone.dart 1023:19 _CustomZone.run
11:02:55 dart:async/zone.dart 1518:10 _runZoned
11:02:55 dart:async/zone.dart 1465:12 runZoned
11:02:55 package:test_api/src/backend/declarer.dart 168:13 Declarer.test.<fn>
11:02:55 package:test_api/src/backend/invoker.dart 392:25 Invoker._onRun.<fn>.<fn>.<fn>.<fn>
11:02:55 dart:async/future.dart 176:37 new Future.<fn>
11:02:55 package:stack_trace/src/stack_zone_specification.dart 209:15 StackZoneSpecification._run
11:02:55 package:stack_trace/src/stack_zone_specification.dart 119:48 StackZoneSpecification._registerCallback.<fn>
11:02:55 dart:async/zone.dart 1122:38 _rootRun
11:02:55 dart:async/zone.dart 1023:19 _CustomZone.run
11:02:55 dart:async/zone.dart 925:7 _CustomZone.runGuarded
11:02:55 dart:async/zone.dart 965:23 _CustomZone.bindCallbackGuarded.<fn>
11:02:55 package:stack_trace/src/stack_zone_specification.dart 209:15 StackZoneSpecification._run
11:02:55 package:stack_trace/src/stack_zone_specification.dart 119:48 StackZoneSpecification._registerCallback.<fn>
11:02:55 dart:async/zone.dart 1126:13 _rootRun
11:02:55 dart:async/zone.dart 1023:19 _CustomZone.run
11:02:55 dart:async/zone.dart 949:23 _CustomZone.bindCallback.<fn>
11:02:55 dart:async-patch/timer_patch.dart 23:15 Timer._createTimer.<fn>
11:02:55 dart:isolate-patch/timer_impl.dart 384:19 _Timer._runTimers
11:02:55 dart:isolate-patch/timer_impl.dart 418:5 _Timer._handleMessage
11:02:55 dart:isolate-patch/isolate_patch.dart 174:12 _RawReceivePortImpl._handleMessage
11:02:55 ===== asynchronous gap ===========================
11:02:55 dart:async/zone.dart 1047:19 _CustomZone.registerCallback
11:02:55 dart:async/zone.dart 964:22 _CustomZone.bindCallbackGuarded
11:02:55 dart:async/timer.dart 54:45 new Timer
11:02:55 dart:async/timer.dart 91:9 Timer.run
11:02:55 dart:async/future.dart 174:11 new Future
11:02:55 package:test_api/src/backend/invoker.dart 391:21 Invoker._onRun.<fn>.<fn>.<fn>
11:02:55 dart:async/zone.dart 1126:13 _rootRun
11:02:55 dart:async/zone.dart 1023:19 _CustomZone.run
11:02:55 dart:async/zone.dart 1518:10 _runZoned
11:02:55 dart:async/zone.dart 1465:12 runZoned
11:02:55 package:test_api/src/backend/invoker.dart 378:9 Invoker._onRun.<fn>.<fn>
11:02:55 package:test_api/src/backend/invoker.dart 430:15 Invoker._guardIfGuarded
11:02:55 package:test_api/src/backend/invoker.dart 377:7 Invoker._onRun.<fn>
11:02:55 package:stack_trace/src/chain.dart 101:24 Chain.capture.<fn>
11:02:55 dart:async/zone.dart 1126:13 _rootRun
11:02:55 dart:async/zone.dart 1023:19 _CustomZone.run
11:02:55 dart:async/zone.dart 1518:10 _runZoned
11:02:55 dart:async/zone.dart 1465:12 runZoned
11:02:55 package:stack_trace/src/chain.dart 99:12 Chain.capture
11:02:55 package:test_api/src/backend/invoker.dart 376:11 Invoker._onRun
11:02:55 package:test_api/src/backend/live_test_controller.dart 185:5 LiveTestController._run
11:02:55 package:test_api/src/backend/live_test_controller.dart 40:37 _LiveTest.run
11:02:55 dart:async/future.dart 202:37 new Future.microtask.<fn>
11:02:55 dart:async/zone.dart 1122:38 _rootRun
11:02:55 dart:async/zone.dart 1023:19 _CustomZone.run
11:02:55 dart:async/zone.dart 925:7 _CustomZone.runGuarded
11:02:55 dart:async/zone.dart 965:23 _CustomZone.bindCallbackGuarded.<fn>
11:02:55 dart:async/zone.dart 1126:13 _rootRun
11:02:55 dart:async/zone.dart 1023:19 _CustomZone.run
11:02:55 dart:async/zone.dart 925:7 _CustomZone.runGuarded
11:02:55 dart:async/zone.dart 965:23 _CustomZone.bindCallbackGuarded.<fn>
11:02:55 dart:async/schedule_microtask.dart 43:21 _microtaskLoop
11:02:55 dart:async/schedule_microtask.dart 52:5 _startMicrotaskLoop
11:02:55 dart:isolate-patch/timer_impl.dart 393:30 _Timer._runTimers
11:02:55 dart:isolate-patch/timer_impl.dart 418:5 _Timer._handleMessage
11:02:55 dart:isolate-patch/isolate_patch.dart 174:12 _RawReceivePortImpl._handleMessage
```
**Extra information:**
We're using a couple of emulators and it's reproducible in both of them:
- system-images;android-29;google_apis;x86_64
- system-images;android-28;google_apis;x86_64
<details>
<summary>Logs</summary>
```
Analyzing flutter-driver...
No issues found! (ran in 3.5s)
```
```
[β] Flutter (Channel stable, v1.12.13+hotfix.5, on Mac OS X 10.14.6 18G1012, locale en)
β’ Flutter version 1.12.13+hotfix.5 at /Users/victorvargas/Desktop/flutter
β’ Framework revision 27321ebbad (5 weeks ago), 2019-12-10 18:15:01 -0800
β’ Engine revision 2994f7e1e6
β’ Dart version 2.7.0
[!] Android toolchain - develop for Android devices (Android SDK version 29.0.1)
β’ Android SDK at /Users/victorvargas/Library/Android/sdk
β’ Android NDK location not configured (optional; useful for native profiling support)
β’ Platform android-29, build-tools 29.0.1
β’ ANDROID_HOME = /Users/victorvargas/Library/Android/sdk
β’ Java binary at: /Applications/Android Studio.app/Contents/jre/jdk/Contents/Home/bin/java
β’ Java version OpenJDK Runtime Environment (build 1.8.0_152-release-1343-b01)
! Some Android licenses not accepted. To resolve this, run: flutter doctor --android-licenses
[β] Xcode - develop for iOS and macOS (Xcode 11.1)
β’ Xcode at /Applications/Xcode.app/Contents/Developer
β’ Xcode 11.1, Build version 11A1027
β’ CocoaPods version 1.8.4
[β] Android Studio (version 3.4)
β’ Android Studio at /Applications/Android Studio.app/Contents
β’ Flutter plugin version 39.0.1
β’ Dart plugin version 183.6270
β’ Java version OpenJDK Runtime Environment (build 1.8.0_152-release-1343-b01)
[!] IntelliJ IDEA Community Edition (version 2019.2)
β’ IntelliJ at /Applications/IntelliJ IDEA CE.app
β Flutter plugin not installed; this adds Flutter specific functionality.
β Dart plugin not installed; this adds Dart specific functionality.
β’ For information about installing plugins, see
https://flutter.dev/intellij-setup/#installing-the-plugins
[β] Connected device (1 available)
β’ Android SDK built for x86 64 β’ emulator-5556 β’ android-x64 β’ Android 10 (API 29) (emulator)
```
</details>
| c: crash,tool,t: flutter driver,P2,team-tool,triaged-tool | low | Critical |
550,753,022 | go | cmd/compile: decide how to better document -wb write barrier flag | ### What version of Go are you using (`go version`)?
<pre>
$ go version
go version go1.13 linux/amd64
</pre>
### Does this issue reproduce with the latest release?
Yes.
### What operating system and processor architecture are you using (`go env`)?
<details><summary><code>go env</code> Output</summary><br><pre>
$ go env
GO111MODULE=""
GOARCH="amd64"
GOBIN=""
GOCACHE="/home/experiment0/.cache/go-build"
GOENV="/home/experiment0/.config/go/env"
GOEXE=""
GOFLAGS=""
GOHOSTARCH="amd64"
GOHOSTOS="linux"
GONOPROXY=""
GONOSUMDB=""
GOOS="linux"
GOPATH="/home/experiment0/go"
GOPRIVATE=""
GOPROXY="https://proxy.golang.org,direct"
GOROOT="/home/experiment0/.gimme/versions/go1.13.linux.amd64"
GOSUMDB="sum.golang.org"
GOTMPDIR=""
GOTOOLDIR="/home/experiment0/.gimme/versions/go1.13.linux.amd64/pkg/tool/linux_amd64"
GCCGO="/usr/bin/gccgo"
AR="ar"
CC="gcc"
CXX="g++"
CGO_ENABLED="1"
GOMOD=""
CGO_CFLAGS="-g -O2"
CGO_CPPFLAGS=""
CGO_CXXFLAGS="-g -O2"
CGO_FFLAGS="-g -O2"
CGO_LDFLAGS="-g -O2"
PKG_CONFIG="pkg-config"
GOGCCFLAGS="-fPIC -m64 -pthread -fmessage-length=0 -fdebug-prefix-map=/tmp/go-build011542069=/tmp/go-build -gno-record-gcc-switches"
</pre></details>
### What did you do?
Opened [`go tool compile` documentation](https://golang.org/cmd/compile/)
### What did you expect to see?
Description of option `-wb=false`. As user of this tool, I need to understand what do I loose when I use this option and what risks I get. I see that the size of a binary could be reduced (through using this option), but I cannot make a decision if it is justified to use this option in my case, because I don't know about other possible effects.
The only information I found (before looking to the source code):
```
$ go tool compile --help 2>&1 | tail -2
-wb
enable write barrier (default true)
```
plus
> As preparation for the concurrent garbage collector scheduled for the 1.5 release,
> writes to pointer values in the heap are now done by a function call,
> called a write barrier, rather than directly from the function updating the value.
> In this next release, this will permit the garbage collector to mediate writes to the heap while it is running.
> This change has no semantic effect on programs in 1.4, but was
> included in the release to test the compiler and the resulting performance.
plus
Some blogs which explains how this barrier works. But no explanation what will happen if I will disable it on Go1.13.
### What did you see instead?
There's no description of the option. | Documentation,NeedsDecision,compiler/runtime | low | Critical |
550,775,609 | flutter | FadeInImage() needs a ImageLoadingBuilder just like Image.network() | We are able to get the `loadingBuilder` using `Image.network()` and this allows us to implement the `LinearProgressIndicator()` or any other progress indicator and having a similar `ImageLoadingBuilder` for `FadeInImage()` would really be helpful. | c: new feature,framework,a: images,P3,team-framework,triaged-framework | low | Minor |
550,785,387 | vue | Sometimes bubbling stops working on Safari | ### Version
2.6.11
### Reproduction link
[https://codesandbox.io/s/vue-safari-error-tg4mm](https://codesandbox.io/s/vue-safari-error-tg4mm)
### Steps to reproduce
The bug reproduction is quite specific, so please be patient
- open "App.vue" in safari (my version is 13.0.4 (15608.4.9.1.3))
- open the console so that you can watch the logs (the values ββof "e.TimeStamp" and "attachedTimestamp" from https://github.com/vuejs/vue/blob/dev/dist/vue.esm.js#L7549 are logged)
- make sure that the variable "WITH_GENERATE_NEW_VUE" is false
- wait a while. at least about a minute
- click the "Press me" button several times to make sure that everything works. most likely, in the console there will be "e.timeStamp, attachTimestamp 0 0"
Now the difficult and not completely clear part
- change the value of the variable "WITH_GENERATE_NEW_VUE" to true
- without reloading the browser page, click on the button
- now, most likely, the log will change to something similar to "e.timeStamp, attachedTimestamp 0 51478"
- this is Safari and "e.timeStamp" (the first number in the logs) is zero, but after some time or a few clicks, it will begin to grow and now until it becomes more than the value of "attachedTimestamp", the click will not work
### What is expected?
click and method on it works
### What is actually happening?
in the above case, this check is not performed
https://github.com/vuejs/vue/blob/dev/dist/vue.esm.js#L7549
---
This is a specific situation - something like emulating an application in which there is a lot of legacy. different sections can be written on different technologies and sometimes this bug is caught when switching between sections. Unfortunately, I canβt even suggest how this bug is related to the instantiation of a new vue, maybe this is a coincidence
I think this can be fixed by adding "e.target.contains (e.currentTarget)" to the conditions specified in https://github.com/vuejs/vue/blob/dev/dist/vue.esm.js#L7549 but I donβt know if this will not affect performance
<!-- generated by vue-issues. DO NOT REMOVE --> | browser quirks | low | Critical |
550,805,395 | pytorch | Python 3.8 Windows JIT test failure | ## π Bug
<!-- A clear and concise description of what the bug is. -->
Error text:
```pytb
======================================================================
FAIL: test_unmatched_type_annotation (__main__.TestScript)
----------------------------------------------------------------------
RuntimeError:
Number of type annotations (2) did not match the number of function parameters (1):
File "test_jit.py", line 4302
@torch.jit.script
def invalid2(a):
~~~... <--- HERE
# type: (Int, Int) -> Int
return a + 2
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "test_jit.py", line 4302, in test_unmatched_type_annotation
def invalid2(a):
AssertionError: "def\ invalid2\(a\):\
\ \ \ \ \ \ \ \ \ \ \ \ \~\~\~\~\~\~\~\~\~\~\~\~\~\~\ <\-\-\-\ HERE\
\ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \#\ type:\ \(Int,\ Int\)\ \->\ Int\
\ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ return\ a\ \+\ 2" does not match "
Number of type annotations (2) did not match the number of function parameters (1):
File "test_jit.py", line 4302
@torch.jit.script
def invalid2(a):
~~~... <--- HERE
# type: (Int, Int) -> Int
return a + 2
"
```
See https://app.circleci.com/jobs/github/pytorch/pytorch/4269821.
## To Reproduce
Steps to reproduce the behavior:
1. python test_jit.py
<!-- If you have a code sample, error messages, stack traces, please provide it here as well -->
## Expected behavior
<!-- A clear and concise description of what you expected to happen. -->
Test pass
## Environment
Please copy and paste the output from our
[environment collection script](https://raw.githubusercontent.com/pytorch/pytorch/master/torch/utils/collect_env.py)
(or fill out the checklist below manually).
You can get the script and run it with:
```
wget https://raw.githubusercontent.com/pytorch/pytorch/master/torch/utils/collect_env.py
# For security purposes, please check the contents of collect_env.py before running it.
python collect_env.py
```
- PyTorch Version (e.g., 1.0): 8a5e21a
- OS (e.g., Linux): Windows
- How you installed PyTorch (`conda`, `pip`, source): source
- Build command you used (if compiling from source): python setup.py build
- Python version: 3.8
- CUDA/cuDNN version: N/A
- GPU models and configuration: N/A
- Any other relevant information:
## Additional context
<!-- Add any other context about the problem here. -->
cc @suo | oncall: jit,triaged | low | Critical |
550,812,123 | scrcpy | Change and listen to Window Position, Title, and Size while running | I would really like to know if there is a way to change window position, title, and size while the scrcpy already running (and/or connected to a device), and probably event listener based on console log.
For example:
console log output
```
event window-shown <x> <y> <width> <height> <is borderless>
event window-moved 90 90
event window-resized 800-600
event window-minimized
event window-maximized
event window-focused
event window-lost-focus
```
and console input during run time
```
--window-size 800 600
--window-position 0 0
--window-position auto
--window-title "Example Title"
--home
--back
--app-switch
--window-focus
--window-maximize
--window-minimize
--window-setborderless
--android get-battery-level
```
and probably some features that are executable while scrcpy already running
```
--fullscreen
--record "file.mp4"
```
Thank you. | feature request | low | Minor |
550,814,808 | pytorch | Allow range in dim argument of reducing operations such as sum | I am trying to sum a tensor over its first `n` axes, where `n` is a parameter I may not know in advance. Why something like the following doesnβt work?
```
v = torch.randn(100, 20, 10)
torch.sum(v, range(2)) # I would write range(n) here.
```
This gives an error:
```
TypeError: sum() received an invalid combination of arguments - got (Tensor, range), but expected one of:
* (Tensor input, torch.dtype dtype)
didn't match because some of the arguments have invalid types: (Tensor, range)
* (Tensor input, tuple of names dim, bool keepdim, torch.dtype dtype, Tensor out)
* (Tensor input, tuple of ints dim, bool keepdim, torch.dtype dtype, Tensor out)
```
However if I instantiate the range:
```
v = torch.randn(100, 20, 10)
torch.sum(v, list(range(2)))
```
Then it works. Typing `list(range(n))` everytime is inconvenient compared to just `range(n)`.
So please allow `range` arguments to `dim` parameter of reducing operations such as `sum`.
cc @heitorschueroff | triaged,module: ux,function request,module: reductions | low | Critical |
550,822,029 | godot | GI Probe Broken when using procedural meshes | **Godot version:**
3.2b5
**OS/device including version:**
Windoze 10 / Ryzen 5 2600 / RX 5700 XT
**Issue description:**
GI probe is not properly calculating lighting for surfaces from an omni-light source (perhaps others, I've only tested the OmniLight) and is dependent on the orientation of the GI probe. It appears that the GI probe is baking incorrectly, causing lighting to be calculated wrong for the GI volume.

Note that only half of the ceiling and the opposite half of the floor have light in the reflections of the sphere and capsule in this GIF as I move the light left/right: https://imgur.com/a/akCR71U
If I rotate the GI probe 45 degrees and re-bake then the issue occurs but at a 45-degree angle on the ceiling/floor, so it would appear to be specific to the GI probe baking. I'm surprised nobody has even noticed this because I first noticed it with beta 4 and just downloaded beta 5 to see if it was fixed yet.
The surfaces also appear to be depicting the incorrect GI probe lighting back onto themselves in tandem with the illumination from the OmniLight source, but this behavior seems normal - just not the lighting being gathered from the GI Probe itself.
**Steps to reproduce:**
Create GLES3 project, make a room out of cube MeshInstances with basic SpatialMaterials for walls/ceiling to have unique albedo color, set the MeshInstances to be used in baked lighting, create sphere MeshInstance with full metalic and zero roughness SpatialMaterial, add OmniLight, create GI probe encompassing entire room and bake, observe wrong room lighting reflected in sphere.
**Minimal reproduction project:**
Project is attached. Open the Spatial.tscn scene in the project and select the OmniLight, move it left/right and observe the incorrect ceiling/floor lighting reflecting in the sphere.
[BrokenGIProbeReflections.zip](https://github.com/godotengine/godot/files/4071609/BrokenGIProbeReflections.zip)
| bug,topic:rendering,confirmed,topic:3d | low | Critical |
550,834,231 | terminal | Open a new pane with the environment vars of the parent | >
> > Just chiming in;
> > > _ (profile,working dir, environment var, etc)._
> >
> >
> > Anything about the _actual process_ on the other end is, in the general case, impossible to replicate. The connected process could be `ssh.exe`, whose environment variables and working directory have no bearing on the detectable environment and working directory from the terminal side. The same actually, weirdly enough, applies to WSL. It doesn't use "working directory" and it doesn't expose its environment variables to interested Windows processes in any way.
> > Powershell doesn't even _set_ the current working directory, so its directory can't be detected (!) either.
>
> Was interested in this but seems like it's not going to happen. Just curious if something like 'start' in cmd can't work in terminal. Is this the case ?
> @zadjii-msft I'm trying to clone the current terminal into a new pane. I need the same environment var's etc carried over similar to how 'start' does it in cmd. I know it isn't currently possible but is there a temporary workaround?
_Originally posted by @Surya-06 in https://github.com/microsoft/terminal/issues/1756#issuecomment-575134471_ | Area-Settings,Product-Terminal,Issue-Task,Priority-3 | low | Major |
550,850,561 | TypeScript | Using Array and Boolean in condition does not trigger a warning | <!-- π¨ STOP π¨ π¦π§π’π£ π¨ πΊπ»πΆπ· π¨
Half of all issues filed here are duplicates, answered in the FAQ, or not appropriate for the bug tracker. Even if you think you've found a *bug*, please read the FAQ first, especially the Common "Bugs" That Aren't Bugs section!
Please help us by doing the following steps before logging an issue:
* Search: https://github.com/Microsoft/TypeScript/search?type=Issues
* Read the FAQ: https://github.com/Microsoft/TypeScript/wiki/FAQ
Please fill in the *entire* template below.
-->
<!--
Please try to reproduce the issue with the latest published version. It may have already been fixed.
For npm: `typescript@next`
This is also the 'Nightly' version in the playground: http://www.typescriptlang.org/play/?ts=Nightly
-->
**TypeScript Version:** 3.8.0-dev.20200115
<!-- Search terms you tried before logging this (so others can find this issue more easily) -->
**Search Terms:** overlap boolean vs array condition
**Code**
```ts
function isAllowed() {
const myCondition = false;
if (myCondition === false) {
return [];
}
return true;
}
if (isAllowed()) {
// boolean and array will results in a "true" condition
console.log('allowed');
} else {
// never reached
console.log('not allowed');
}
```
**Expected behavior:**
- Seeing a message saying something like `This condition can produce unexpected results since the types 'boolean' and 'array' have no overlap` (not really good but you get the idea)
**Actual behavior:**
I won't say that it's a bug, but something that could be improved. I know that it's valid javascript but this a bug in the code that should/could be prevented by Typescript
- Typescript does not complain that comparing boolean and array can results in bad condition
**Already fixable by**
- It does complain if you write `if (isAllowed() === true)` but it's easy to not do it.
**Playground Link:** http://www.typescriptlang.org/play/?ts=3.8.0-dev.20200115&ssl=1&ssc=1&pln=15&pc=1#code/GYVwdgxgLglg9mABDAzgQQDYbgdwKYAmAFAJSIDeAUIohAilIgLYCeAwggTLAogLyIoAJxB4A3NWTBERVhzBceSPisEi8ZKjRpC8UEEKQBtALoSaAX0qTd+w4mABDDCnGUrlGNKKpM2fMQkmpJ0YChwGHgAdNgA5kQA5M7+hAkkEhaIeC54FCH0EdFxiWBwjMm4qenulEA
| Suggestion,In Discussion | low | Critical |
550,887,720 | pytorch | Truncated normal distribution | ## π Feature
Implement truncated normal distribution.
## Motivation
A truncated normal distribution is useful as initializer of weights or when sampling from ReLU potentials. This has been requested before (https://github.com/pytorch/pytorch/issues/2129, https://discuss.pytorch.org/t/implementing-truncated-normal-initializer/4778/15, etc.).
Many packages have this: [scipy](https://docs.scipy.org/doc/scipy/reference/generated/scipy.stats.truncnorm.html), [matlab](https://www.mathworks.com/help/stats/prob.normaldistribution.truncate.html), [R](https://cran.r-project.org/web/packages/truncnorm/truncnorm.pdf), [julia](https://juliastats.org/Distributions.jl/stable/truncate/#Distributions.TruncatedNormal), [tensorflow](https://www.tensorflow.org/probability/api_docs/python/tfp/distributions/TruncatedNormal), and others.
cc @vincentqb @fritzo @neerajprad @alicanb @vishwakftw
Related: https://github.com/pytorch/pytorch/issues/31945 | module: distributions,feature,triaged | medium | Major |
550,919,120 | flutter | Convert android devicelab tests to use --fast-start where disabled | Several devicelab tests will have fast-start disabled (https://github.com/flutter/flutter/pull/48851/files) due to the different log messages breaking stdout parsing or other test assumptions. The tests will need to be investigated to determine what the fix is to remove the `--no-fast-start`. | team,tool,P2,team-tool,triaged-tool | low | Minor |
550,945,196 | react | Bug: DevTools DOM highlighting gets stuck after a prolonged hover | ## Steps To Reproduce
1. Hover a component in DevTools
2. *Keep hovering it for a second or so*
3. Quickly move the cursor out of the DevTools without hovering anything else
Expected: DOM highlighting goes away.
Actual: DOM highlighting gets stuck.
 | Type: Bug,Component: Developer Tools | low | Critical |
550,956,059 | pytorch | [jit] Various problems calling `@staticmethod`s in 1.4.0 | ## π Bug
Calling `@staticmethod` on a plain class from a `@torch.jit.script` annotated function fails to compile. I suspect that I'm seeing two separate bugs, so I could split this report up and file two issues if that's better.
## To Reproduce
```Python3
class Foo:
@staticmethod
@torch.jit.script
def bar():
return Foo.whiz()
@staticmethod
def whiz():
return 1
```
Fails to compile, giving:
```
undefined value Foo:
File "<ipython-input-14-eb049bac4455>", line 6
@torch.jit.script
def bar():
return Foo.whiz()
~~~ <--- HERE
```
Splitting this up over two classes gives the same result:
```Python3
class Foo:
@staticmethod
@torch.jit.script
def foo():
return Bar.bar()
class Bar:
@staticmethod
def bar():
return 1
```
```
undefined value Bar:
File "<ipython-input-18-128b94e38eb4>", line 16
@torch.jit.script
def foo():
return Bar.bar()
~~~ <--- HERE
```
My hypothesis in the second example is that it's trying to compile and resolve `Bar` immediately when `Foo` is defined, and unable to because `Bar` is defined after. That's inconvenient but makes sense, perhaps that's unfixable. Fixing it would appear to require some form of lazy compilation.
Presumably the first case is a subtler form of the same issue, where `Foo` isn't defined until after its methods are.
To test this hypothesis and attempt to work around this restriction, I tried manually deferring the compilation.
```Python3
class Foo:
@staticmethod
# @torch.jit.script
def bar():
return Foo.whiz()
@staticmethod
def whiz():
return 1
torch.jit.script(Foo.bar)
```
This does avoid that error as expected, but gives another one. It gives back a long stack trace ending with a `TypeError: <module '__main__'> is a built-in class` in `inspect`.
To test this in another way, I tried swapping the class definition order of `Foo` and `Bar` in the second example above.
```Python3
class Bar:
@staticmethod
def bar():
return 1
class Foo:
@staticmethod
@torch.jit.script
def foo():
return Bar.bar()
```
As `Bar` is now defined first I expected this to have the same result as manually deferring compilation and it does. It gives the same `inspect` `TypeError`.
These may be two completely separate issues, so let me know if you'd like me to split the `TypeError` off into a separate issue.
## Environment
`1.4.0`. Specifically, Google Colab with a fresh GPU runtime on which `!pip install -q torch==1.4.0 torchvision` has been run.
This might be related to #30755 [[jit] `@staticmethod`s retrieved from `self` don't work](https://github.com/pytorch/pytorch/issues/30755), so cc @suo @driazati, @suo | oncall: jit,triaged | low | Critical |
550,960,215 | go | runtime: sysUsed often called on non-scavenged memory | In working on #36507, I noticed that one source of regression on Darwin was that `sysUsed`, as of Go 1.14, is now called on the whole memory allocation, even if just one page of that is actually scavenged. This behavior was already present in Go 1.11, went away in Go 1.12, and is now back.
On systems where `sysUsed` is a no-op and we rely on the first access "unscavenging" the page, this has no effect, because we're already only unscavenging exactly what's needed. On systems like Darwin and Windows where the "recommit" step is explicit (i.e. `sysUsed` is not a no-op) this can have a non-trivial impact on performance, since the kernel probably walks over the unscavenged pages for nothing.
This contributed very slightly to the performance regression in #36218, but not enough to cause it to block the 1.14 release.
The fix here is straight-forward: we just need to lower the call of `sysUsed` in the page allocator where we have complete information over exactly which pages are scavenged. If a given allocation has >50% of its pages scavenged then we can probably just `sysUsed` the whole thing to save a bit on syscall overheads. This change also makes sense because we already do `sysUnused` at a fairly low-level part of the page allocator, so bringing `sysUsed` down there makes sense. | Performance,NeedsFix,compiler/runtime | low | Major |
550,972,733 | pytorch | [FR] histc should (optionally) return a long tensor | It always returns integral values. Similar op `bincount` also returns a long tensor (when no `weights` is given).
cc @heitorschueroff | triaged,module: sorting and selection,function request | low | Major |
550,973,031 | pytorch | [FR] bincount along arbitrary dimension | It currently only accepts a 1D tensor. We should make it work along any dimension.
cc @heitorschueroff | triaged,module: sorting and selection,function request | low | Minor |
550,981,379 | terminal | Investigate include order issue with `InputBuffer`, `readData` | Found in #4213.
I had to fwddecl `InputBuffer`, because I _think_ there's a include order problem with in `InputBuffer.hpp` and `readData.hpp`.
`readData.hpp` uses `InputBuffer` in a bunch of places, but doesn't include it first
`InputBuffer.hpp` includes `readData.hpp` before it defines `InputBuffer`
So if you try to
```c++
#include ".../host/inputBuffer.hpp"
```
You'll get a compilation error, because it'll include `readData`, which will assume `InputBuffer` is defined, which it isn't yet. | Product-Conhost,Help Wanted,Issue-Task,Area-CodeHealth,Priority-3 | low | Critical |
551,002,726 | flutter | Include a keyboard dismissal callback in TextField | ## Use case
When using `TextField`s in Flutter to prompt users for text input, I want to easily detect and react to the user dismissing the keyboard for the current field, via the dismissal button.
Though it is possible to write a wrapper around `TextField` that provides a new callback, based on listening directly to the keyboard dismissal, it would be more-convenient if Flutter provided this functionality out-of-the-box.
## Proposals
* Augment `TextField.onEditingComplete` to also be called whenever the user selects the dismissal button on the keyboard.
* Provide a new method, e.g. `TextField.onEditingStopped` to be called whenever the user selects the dismissal button on the keyboard. This option would not be a breaking change.
| a: text input,c: new feature,framework,f: material design,c: proposal,P3,team-text-input,triaged-text-input | low | Minor |
551,005,857 | go | proposal: cmd/compile: make 64-bit fields be 64-bit aligned on 32-bit systems, add //go:packed directive on structs | **Summary**: We propose to change the default layout of structs on 32-bit systems such that 64-bit fields will be 64-bit aligned. The layout of structs on 64-bit systems will not change. For compatibility reasons (and finer control of struct layout), we also propose the addition of a `//go:packed` directive that applies to struct types. When the `//go:packed` directive is specified immediately before a struct type, then that struct will have a fully-packed layout, where fields are placed in order with no padding between them and hence no alignment based on types. The developer must explicitly add padding to enforce any desired alignment.
The main goal of this change is to avoid the bugs that frequently happen on 32-bit systems, where a developer wants to be able to do 64-bit operations on a 64-bit field (such as an atomic operation), but gets an alignment error because the field is not 64-bit aligned. With the current struct layout rules, a developer must often add explicit padding in order to make sure that such a 64-bit field is on a 64-bit boundary. As shown by repeated mentions in issue #599 (18 in 2019 alone), developers still often run into this problem. They may only run into it late in the development cycle as they are testing on 32-bit architectures, or when they execute an uncommon code path that requires the alignment.
As an example, the struct for `ticks` in `runtime/runtime.go` is declared as
```
var ticks struct {
lock mutex
pad uint32 // ensure 8-byte alignment of val on 386
val uint64
}
```
so that the `val` field is properly aligned on 32-bit architectures. With the change in this proposal, it could be declared as:
```
var ticks struct {
lock mutex
val uint64
}
```
and the `val` field would always be 64-bit aligned, even if other fields are added to struct.
We do not propose changing the alignment of 64-bit types which are arguments or return values, since that would change the Go calling ABI on 32-bit architectures. For consistency, we also don't propose to change the alignment of 64-bit types which are local variables. However, since we are changing the layout of some structs, we could be changing the ABI for functions that take a struct as an argument or return value. However, if assembly code is accessing struct fields, it should be using the symbolic constants (giving the offset of each field in a struct) that are available in `go_asm.h` (which is automatically generated for any package which contains an assembly file).
However, we do require a new directive for compatibility in the case of cgo and also interactions with the operating system. We propose the addition of a `//go:packed` directive that applies to struct types. When the `//go:packed` directive is specified immediately before a struct type, then that struct will have a fully-packed layout, where fields are placed in order with no padding between them and hence no alignment based on types. The developer must explicitly add padding fields to enforce any desired alignment within the structure.
We would then use the `//go:packed` directive for cgo-generated struct types (with explicit padding added as needed). Also, given the strict layout requirements for structures passed to system calls, we would use `//go:packed` for structs that are used for system calls (notably `Flock_t` and `Stat_t`, used by Linux system calls). We can enforce the use of `//go:packed` for structures that are passed to system calls (typically via pointers) with the use of a `go vet` check. I don't think we would particularly encourage the use of `//go:packed` in any other situations (as with most directives), but it might be useful in a few specific other cases.
This proposal is essentially a solution to issue #599. A related issue #19057 proposes a way to force the overall alignment of structures. That proposal does not propose changing the default alignment of 64-bit fields on 32-bit architectures (the source of the problems mentioned in issue #599), but would provide a mechanism to explicitly align 64-bit fields without using developer-computed padding. With that proposal, aligning a `uint64` field (for example) in a struct to a 64-bit boundary on a 32-bit system would require replacing the `uint64` type with a struct type that has the required 64-bit alignment (as I understand it).
**Compatibility:** We are not changing the alignment of arguments, return variables, or local variables. Since we would be changing the default layout of structs, we could affect some programs running on 32-bit systems that depend on the layout of structs. However, the layout of structs is not explicitly defined in the Go language spec, except for than minimum alignment, and we are maintaining the previous minimum alignments. So, I don't believe this change breaks the Go 1 compatibility promise. If assembly code is accessing struct fields, it should be using the symbolic constants (giving the offset of each field in a struct) that are available in `go_asm.h`. `go_asm.h` is automatically generated and available for each package that contains an assembler file, or can be explicitly generated for use elsewhere via `go tool compile -asmhdr go_asm.h ...`.
| Proposal,Proposal-Hold | high | Critical |
551,077,292 | TypeScript | Infer non returning function to be returning `undefined`, not `void` | ## Search Terms
non returning, undefined instead of void, undefined or unknown instead of void
<!-- List of keywords you searched for before creating this issue. Write them down here so that others can find this suggestion more easily -->
## Suggestion
- Change return of non returning functions to `undefined` instead of `void`
- Accept `unknown` as a type of non returning functions
examples:
```ts
const f = () => {} // this gets inferred as () => void
const f1 = (): undefined => {} // doesn't work
// error: A function whose declared type is neither 'void' nor 'any' must return a value.(2355)
const f2 = (): unknown => {} // same error
```
https://www.typescriptlang.org/play/#code/MYewdgzgLgBAZjAvDAFASiQPhgbwL4CwAUMaJLHAIxKpoBcMArmACYCmcAlmGy1rjEIkiZaPABMNdA2YBrMCADuYfvmJA
## Motivations
`void` is an annoying type to deal with, has many inconsistencies and there's a ton of issues around it for its weird behavior like: #35850 , #35236 , #33420 ... etc
Non-returning functions actually return `undefined` which is a more predictable type to deal with and narrow disjunctions with and even use optional chaining with.
## Use Cases
Many use cases appear while using promises where there's a need to catch an error but at the same time not deal with `void`
```ts
const f = () => {}
async (p: Promise<A>) => {
const a = await p.catch(f);
// do stuff with a whose type is now A | void
};
```
<!--
What do you want to use this for?
What shortcomings exist with current approaches?
-->
## Checklist
My suggestion meets these guidelines:
> * [ ] This wouldn't be a breaking change in existing TypeScript/JavaScript code
Not sure if this might break some code or not but I think any code that dealt with void should work while dealing with undefined?
* [x] This wouldn't change the runtime behavior of existing JavaScript code
* [x] This could be implemented without emitting different JS based on the types of the expressions
* [x] This isn't a runtime feature (e.g. library functionality, non-ECMAScript syntax with JavaScript output, etc.)
* [x] This feature would agree with the rest of [TypeScript's Design Goals](https://github.com/Microsoft/TypeScript/wiki/TypeScript-Design-Goals).
| Suggestion,In Discussion | medium | Critical |
551,078,198 | pytorch | deadlock when using mp.spawn multiprocessing | ## π Bug
PyTorch deadlocks when using queues and events with `mp.spawn`.
## To Reproduce
Minimal example:
```
import torch.multiprocessing as mp
def main_worker(gpu, queue, event):
print(f'gpu {gpu} putting into queue')
queue.put({'gpu': gpu})
print(f'gpu {gpu} waiting')
event.wait()
def main():
num_gpus = 4
queue = mp.Queue()
event = mp.Event()
context = mp.spawn(main_worker, nprocs=num_gpus, args=(queue, event), join=False)
print('started processes')
for i in range(num_gpus):
print(f'getting {i}th queue value')
d = queue.get()
print('popped', d)
event.set()
context.join()
if __name__ == '__main__':
main()
```
Output:
```
started processes
getting 0th queue value
gpu 1 putting into queue
gpu 0 putting into queue
gpu 3 putting into queue
gpu 2 putting into queue
```
And then it hangs
## Expected behavior
Using `Process` instead of `spawn` works fine:
```
import torch.multiprocessing as mp
def main_worker(gpu, queue, event):
print(f'gpu {gpu} putting into queue')
queue.put({'gpu': gpu})
print(f'gpu {gpu} waiting')
event.wait()
def main():
num_gpus = 4
queue = mp.Queue()
event = mp.Event()
jobs = []
for i in range(num_gpus):
p = mp.Process(target=main_worker, args=(i, queue, event))
p.start()
jobs.append(p)
print('started processes')
for i in range(num_gpus):
print(f'getting {i}th queue value')
d = queue.get()
print('popped', d)
event.set()
for p in jobs:
p.join()
if __name__ == '__main__':
main()
```
Output:
```
gpu 0 putting into queue
gpu 0 waiting
started processes
getting 0th queue value
gpu 1 putting into queue
popped {'gpu': 0}
getting 1th queue value
gpu 2 putting into queue
gpu 1 waiting
popped {'gpu': 1}
getting 2th queue value
gpu 2 waiting
gpu 3 putting into queue
popped {'gpu': 2}
getting 3th queue value
gpu 3 waiting
popped {'gpu': 3}
```
## Environment
PyTorch version: 1.4.0
Is debug build: No
CUDA used to build PyTorch: 10.1
OS: Ubuntu 18.04.3 LTS
GCC version: (Ubuntu 7.4.0-1ubuntu1~18.04.1) 7.4.0
CMake version: version 3.10.2
Python version: 3.7
Is CUDA available: Yes
CUDA runtime version: Could not collect
GPU models and configuration:
GPU 0: GeForce RTX 2080 Ti
GPU 1: GeForce RTX 2080 Ti
GPU 2: GeForce RTX 2080 Ti
GPU 3: GeForce RTX 2080 Ti
GPU 4: GeForce RTX 2080 Ti
GPU 5: GeForce RTX 2080 Ti
GPU 6: GeForce RTX 2080 Ti
GPU 7: GeForce RTX 2080 Ti
Nvidia driver version: 440.33.01
cuDNN version: Could not collect
Versions of relevant libraries:
[pip3] numpy==1.16.3
[pip3] torch==1.1.0
[pip3] torchvision==0.2.2.post3
[conda] blas 1.0 mkl
[conda] efficientnet-pytorch 0.4.0 pypi_0 pypi
[conda] mkl 2019.3 199
[conda] mkl-service 1.1.2 py37he904b0f_5
[conda] mkl_fft 1.0.10 py37ha843d7b_0
[conda] mkl_random 1.0.2 py37hd81dba3_0
[conda] torch 1.4.0 pypi_0 pypi
[conda] torchvision 0.5.0 pypi_0 pypi | module: multiprocessing,triaged | low | Critical |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.