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
2,760,730,501
pytorch
The special size tensor containing batches has a difference of a few tens of thousands in calculation results between CPU and GPU
### ๐Ÿ› Describe the bug You can modify the comments to switch and run to view the changes in the results๏ผ ``` import torch.nn as nn import torch.nn.functional as F import torch BN_MOMENTUM = 0.1 def conv3x3(in_planes, out_planes, stride=1): return nn.Conv2d(in_planes, out_planes, kernel_size=3, stride=stride, padding=1, bias=False) class BasicBlock(nn.Module): expansion = 1 def __init__(self, inplanes, planes, stride=1, downsample=None): super(BasicBlock, self).__init__() self.conv1 = conv3x3(inplanes, planes, stride) self.bn1 = nn.BatchNorm2d(planes, momentum=BN_MOMENTUM) self.relu = nn.ReLU(inplace=True) self.conv2 = conv3x3(planes, planes) self.bn2 = nn.BatchNorm2d(planes, momentum=BN_MOMENTUM) self.downsample = downsample self.stride = stride def forward(self, x): residual = x out = self.conv1(x) out = self.bn1(out) out = self.relu(out) out = self.conv2(out) out = self.bn2(out) if self.downsample is not None: residual = self.downsample(x) out += residual out = self.relu(out) return out class ConvInGPUError(nn.Module): def __init__(self): super(ConvInGPUError, self).__init__() self.block = BasicBlock self.inplanes = 256 self.layer = self._make_layer(self.block, 256, 2, stride=2) def _make_layer(self, block, planes, blocks, stride=1): downsample = None if stride != 1 or self.inplanes != planes * block.expansion: downsample = nn.Sequential( nn.Conv2d(self.inplanes, planes * block.expansion, kernel_size=1, stride=stride, bias=False), nn.BatchNorm2d(planes * block.expansion, momentum=BN_MOMENTUM), ) layers = [] layers.append(block(self.inplanes, planes, stride, downsample)) self.inplanes = planes * block.expansion for i in range(1, blocks): layers.append(block(self.inplanes, planes)) return nn.Sequential(*layers) def forward(self, x): out = self.layer(x.clone()) # B = 2 out_1 = self.layer(x.clone()[:1]) print(f'in forward max diff: torch.max(out - out_1): {torch.max(out[:1] - out_1[:1]):.20f}') print(f'in forward min diff: torch.min(out - out_1): {torch.min(out[:1] - out_1[:1]):.20f}') print(f'in forward mean diff: torch.mean(out - out_1): {torch.mean(out[:1] - out_1[:1]):.20f}') return x if __name__ == "__main__": torch.backends.cudnn.deterministic = True torch.backends.cudnn.benchmark = False torch.use_deterministic_algorithms(True) torch.manual_seed(42) model = ConvInGPUError() model.eval() # you can compare the result of gpu and cpu by using the same input, but the result is different # gpu model.cuda() input_data = torch.normal(0, 1, size=(2, 256, 48, 96)).cuda() # cpu # input_data = torch.normal(0, 1, size=(2, 256, 48, 96)) with torch.no_grad(): output = model(input_data) print(output.shape) """ # input_data = torch.randn(2, 256, 96, 192) # input_data = torch.normal(0,1,(2, 256, 48, 160)) # input_data = torch.normal(0,1,(2, 256, 40, 160)) """ ``` ### Versions ![image](https://github.com/user-attachments/assets/f9e87459-d86b-46c7-8ec3-307a9b89c987) The results on GPU and CPU are inconsistent. 1. The current batch input is 2, and the complete inference yields A. 2. Slice first and then infer to obtain B. The difference obtained by subtracting A and B is not completely zero. date:20241227 cc @ptrblck @msaroufim @eqy
needs reproduction,module: cuda,triaged
low
Critical
2,760,753,285
rust
c++ code frequency dlclose/dlopen *.so compiled by rust cause crash
[reproduction code upload to this repo](https://github.com/Rust401/rust_cpp_dlopen_crash_bug) Scenario: 1. Use rust to compile a staticlib with cxx build, target is `aarch64-linux-android` 2. Integrate the staticlib(*.a) to a c++ compiled .so 3. Use dlopen/dlclose to use the symbol in this .so 4. Run the binary on android(which use bionic libc) then we will find the segment fault ``` Hello from Rust! dude loop 125 Hello from C++! Hello from Rust! dude loop 126 Hello from C++! Hello from Rust! dude loop 127 Hello from C++! Segmentation fault ``` info from logcat ``` Cmdline: ./test_dlopen 128 pid: 14405, tid: 14405, name: test_dlopen >>> ./test_dlopen <<< uid: 0 tagged_addr_ctrl: 0000000000000001 signal 11 (SIGSEGV), code 1 (SEGV_MAPERR), fault addr 0x7fc28c7ff8 Cause: stack pointer is in a non-existent map; likely due to stack overflow. ``` ``` #00 pc 00000000000c4cdc /data/local/libdude.so (std::sys_common::thread_local_key::StaticKey::lazy_init::h713657dd8d2d4621+36) #01 pc 000000000009216c /data/local/libdude.so (core::ops::function::FnOnce::call_once::h726b8069cd1e002c+80) #02 pc 00000000000b7868 /data/local/libdude.so (std::panicking::rust_panic_with_hook::h2748add3cd52cde1+84) #03 pc 00000000000b77dc /data/local/libdude.so (std::panicking::begin_panic_handler::_$u7b$$u7b$closure$u7d$$u7d$::hf339e6c238ee80b2+144) #04 pc 00000000000b51c4 /data/local/libdude.so (std::sys_common::backtrace::__rust_end_short_backtrace::hf829d410f7587982+8) #05 pc 00000000000b7550 /data/local/libdude.so (rust_begin_unwind+48) #06 pc 00000000000d94d4 /data/local/libdude.so (core::panicking::panic_fmt::h955ec3f09bb74715+40) #07 pc 00000000000d992c /data/local/libdude.so (core::panicking::assert_failed_inner::hd795eb67b74b452d+276) #08 pc 0000000000094cb4 /data/local/libdude.so (core::panicking::assert_failed::h2f68f007dd54e097+44) #09 pc 00000000000c4d74 /data/local/libdude.so (std::sys_common::thread_local_key::StaticKey::lazy_init::h713657dd8d2d4621+188) #10 pc 000000000009216c /data/local/libdude.so (core::ops::function::FnOnce::call_once::h726b8069cd1e002c+80) #11 pc 00000000000b7868 /data/local/libdude.so (std::panicking::rust_panic_with_hook::h2748add3cd52cde1+84) #12 pc 00000000000b77dc /data/local/libdude.so (std::panicking::begin_panic_handler::_$u7b$$u7b$closure$u7d$$u7d$::hf339e6c238ee80b2+144) ``` Based on my analysis, this maybe caused by `std::sys_common::thread_local_key::StaticKey::lazy_init`, which belong to rust runtime. Before the rust func in dynamic lib was first called, thread_local variable maybe generated use this method. This behavior is just **same to routine in c/cpp runtime**. See emutls.c in llvm-project's compile-rt. The process is as follows ``` __emutls_get_address => emutls_get_index => pthread_once(&once, emutls_init) => emutls_init => abort => ``` Simply put: **1. After dlopen, a threadlocal variable generated when rust func was first called use `pthread_key_create`, but the matching `pthread_key_delete` was not called when dlclose.** **2. Each `dlopen -> call -> dlclose` loop will occupy a key_map util the BIONIC_PTHREAD_KEY_COUNT was arrived.** **3. Then the abort happens.** But **the same code ran happliy on an x86 Linux machine**. We hack libc(both bionic for android and glibc2.35 for my ubuntu 22.04). We found that **android(which use bionic on arm64 cpu)** will generate a thread_local variable when **rust func was first called after dlopen** use `pthread_key_create`(code in bionic libc). But linux(which user glibc on x86 cpu) not call pthread_key_create(Maybe glibc use another mechanism to use manager threadlocal variable) So, my final question is: 1. Is my scenario, which **dlopen a wrapped rust cdylib, use the function and then dlclose, for n loop**, reasonable? 2. Is there anyway to release the threadlocal variable generate by rust when dlclose?
A-linkage,T-compiler,T-libs,C-discussion,A-dynamic-library
low
Critical
2,760,761,266
pytorch
How to correctly asynchronously copy a GPU tensor to a CPU tensor in another process without introducing blocking?
### ๐Ÿ› Describe the bug I am developing a distributed PyTorch application designed to asynchronously transfer data from a GPU process to a CPU process, ensuring that GPU computations remain non-blocking. In my current implementation, I utilize the non-blocking copy_ method to transfer data from a GPU tensor to a CPU tensor and then employ dist.isend to send the data to another rank. However, under certain conditions, this setup leads to a deadlock. ```python import torch import torch.distributed as dist import os def gpu_to_cpu_and_send(rank, size): tensor = torch.randn(4096, 8192).cuda(rank) # On specific GPU print(tensor[-1][-1]) print(f"Rank {rank}: Created tensor on GPU") cpu_tensor = torch.zeros(4096, 8192) cpu_tensor.copy_(tensor, non_blocking=True) # Non-blocking GPU to CPU copy print(f"Rank {rank}: Copied tensor to CPU (non-blocking)") if rank == 0: print(f"Rank {rank}: Sending tensor to rank 1") dist.isend(tensor=cpu_tensor, dst=1) # Sending data to rank 1 print(f"Rank {rank}: Data sent to rank 1") def receive_data(rank, size): received_tensor = torch.zeros(4096, 8192) print(f"Rank {rank}: Waiting to receive data") dist.recv(tensor=received_tensor, src=0) # Receiving data from rank 0 print(f"Rank {rank}: Received data from rank 0") print(received_tensor[-1][-1]) def main(): rank = int(os.environ['RANK']) size = int(os.environ['WORLD_SIZE']) dist.init_process_group(backend='gloo', rank=rank, world_size=size) if rank == 0: gpu_to_cpu_and_send(rank, size) elif rank == 1: receive_data(rank, size) if __name__ == "__main__": main() ``` ### Versions torchrun --nproc_per_node=2 demo.py Run with Nvidia GPU. cc @H-Huang @awgu @kwen2501 @wanchaol @fegin @fduwjj @wz337 @wconstab @d4l3k @c-p-i-o
needs reproduction,oncall: distributed,triaged
low
Critical
2,760,779,340
neovim
Built-in which-key plugin
### Problem Currently, one of the barrier to keyboard-centric editor like Vim/Neovim is that there are too many keymappings to remember. And this is just worse when plugins also introduce their own mappings. Both Emacs and Helix has something like [which-key.nvim](https://github.com/folke/which-key.nvim) built-in. I don't know since when has Helix implemented it, but this is [the commit that added the package to Emacs](https://github.com/emacs-mirror/emacs/commit/fa4203300fde6820a017bf1089652fb95759d68c#diff-21241810a84cc186b99d148f58af8e3725198fd1bdad73a9ed5c44bb93b52e88R264). ### Expected behavior When users type a key, a floating window (like `which-key.nvim`) or a popup menu (like Helix) open to show users key bindings that start with the key(s) users have typed. #### How does it solve the problem? This reduces the burden of having to remember too many keymaps, while also helping users remember them and use the keyboard more effectively. Also, it will make Neovim friendlier to beginners An alternative would be just installing a plugin. But many people don't even know such plugins exist, or how they look like. #### Is it worth the cost? I believe so. As long as Neovim and keyboard-centric modal editing exists, the problem would still exists, and the plugin would always be valuable.
enhancement
low
Major
2,760,804,538
rust
Tracking Issue for `int_from_ascii`
Feature gate: `#![feature(int_from_ascii)]` This is a tracking issue for `int_from_ascii`, providing equivalent methods to `{usize,u8,u16,u32,u64,u128,isize,i8,i16,i32,i64,i128}::from_str()` and `from_str_radix()` that allow working directly on byte slices, in order to skip UTF-8 validation. ### Public API For each integer type `T` (`usize`, `u8`, `u16`, `u32`, `u64`, `u128`, `isize`, `i8`, `i16`, `i32`, `i64`, `i128`): ```rust // core::num impl T { pub const fn from_ascii(src: &[u8]) -> Result<T, ParseIntError>; pub const fn from_ascii_radix(src: &[u8], radix: u32) -> Result<T, ParseIntError>; } ``` ### Steps / History - [x] Abandoned implementation: #105206 - [x] API change proposal: https://github.com/rust-lang/libs-team/issues/469 - [ ] Implementation: #134824 - [ ] Final comment period (FCP)[^1] - [ ] Stabilization PR ### Unresolved Questions - None yet. [^1]: https://std-dev-guide.rust-lang.org/feature-lifecycle/stabilization.html
T-libs-api,C-tracking-issue
low
Critical
2,760,806,848
PowerToys
PowerToys Run lost the acrylic effect again
### Microsoft PowerToys version 0.87.1 ### Installation method Microsoft Store ### Running as admin Yes ### Area(s) with issue? As had already happened in May of last year, Run no longer shows the acrylic effect, maybe it is related to the recent fix "Ported the UI from WPF-UI to .NET 9 WPF". [This](https://github.com/microsoft/PowerToys/issues/33135) is the last thread where the problem was investigated and the solution was found. ### Steps to reproduce ### โœ”๏ธ Expected Behavior _No response_ ### โŒ Actual Behavior _No response_ ### Other Software _No response_
Issue-Bug,Product-PowerToys Run,Area-User Interface
low
Major
2,760,832,274
node
crypto.generatePrime results in an abort in FIPS mode
### Version v22.11.0 ### Platform ```text Linux u24vm 6.8.0-50-generic #51-Ubuntu SMP PREEMPT_DYNAMIC Sat Nov 9 17:58:29 UTC 2024 x86_64 x86_64 x86_64 GNU/Linux ``` ### Subsystem crypto ### What steps will reproduce the bug? Setup a node instance, ``` ยป node ``` and run the following javascript code. ``` _crypto = require('crypto'); _crypto.setFips(true); _crypto.generatePrime(64,()=>{}); ``` Then the node instance occurs an abort. ### How often does it reproduce? Is there a required condition? This abort can always be triggered following the steps above. ### What is the expected behavior? Why is that the expected behavior? If any error occurs, an exception or similar error-reporting stuff should be thrown, caught, and handled correctly. There is no reason to abort the whole node process. ### What do you see instead? ``` ยป node Welcome to Node.js v22.11.0. Type ".help" for more information. > _crypto = require('crypto'); { checkPrime: [Function: checkPrime], checkPrimeSync: [Function: checkPrimeSync], createCipheriv: [Function: createCipheriv], createDecipheriv: [Function: createDecipheriv], createDiffieHellman: [Function: createDiffieHellman], createDiffieHellmanGroup: [Function: createDiffieHellmanGroup], createECDH: [Function: createECDH], createHash: [Function: createHash], createHmac: [Function: createHmac], createPrivateKey: [Function: createPrivateKey], createPublicKey: [Function: createPublicKey], createSecretKey: [Function: createSecretKey], createSign: [Function: createSign], createVerify: [Function: createVerify], diffieHellman: [Function: diffieHellman], generatePrime: [Function: generatePrime], generatePrimeSync: [Function: generatePrimeSync], getCiphers: [Function (anonymous)], getCipherInfo: [Function: getCipherInfo], getCurves: [Function (anonymous)], getDiffieHellman: [Function: createDiffieHellmanGroup], getHashes: [Function (anonymous)], hkdf: [Function: hkdf], hkdfSync: [Function: hkdfSync], pbkdf2: [Function: pbkdf2], pbkdf2Sync: [Function: pbkdf2Sync], generateKeyPair: [Function: generateKeyPair], generateKeyPairSync: [Function: generateKeyPairSync], generateKey: [Function: generateKey], generateKeySync: [Function: generateKeySync], privateDecrypt: [Function (anonymous)], privateEncrypt: [Function (anonymous)], publicDecrypt: [Function (anonymous)], publicEncrypt: [Function (anonymous)], randomBytes: [Function: randomBytes], randomFill: [Function: randomFill], randomFillSync: [Function: randomFillSync], randomInt: [Function: randomInt], randomUUID: [Function: randomUUID], scrypt: [Function: scrypt], scryptSync: [Function: scryptSync], sign: [Function: signOneShot], setEngine: [Function: setEngine], timingSafeEqual: [Function (anonymous)], getFips: [Function: getFips], setFips: [Function: setFips], verify: [Function: verifyOneShot], hash: [Function: hash], Certificate: [Function: Certificate] { exportChallenge: [Function: exportChallenge], exportPublicKey: [Function: exportPublicKey], verifySpkac: [Function: verifySpkac] }, Cipher: undefined, Cipheriv: [Function: Cipheriv], Decipher: undefined, Decipheriv: [Function: Decipheriv], DiffieHellman: [Function: DiffieHellman], DiffieHellmanGroup: [Function: DiffieHellmanGroup], ECDH: [Function: ECDH] { convertKey: [Function: convertKey] }, Hash: [Function: deprecated], Hmac: [Function: deprecated], KeyObject: [class KeyObject], Sign: [Function: Sign], Verify: [Function: Verify], X509Certificate: [class X509Certificate], secureHeapUsed: [Function: secureHeapUsed], constants: [Object: null prototype] { OPENSSL_VERSION_NUMBER: 805306608, SSL_OP_ALL: 2147485776, SSL_OP_ALLOW_NO_DHE_KEX: 1024, SSL_OP_ALLOW_UNSAFE_LEGACY_RENEGOTIATION: 262144, SSL_OP_CIPHER_SERVER_PREFERENCE: 4194304, SSL_OP_CISCO_ANYCONNECT: 32768, SSL_OP_COOKIE_EXCHANGE: 8192, SSL_OP_CRYPTOPRO_TLSEXT_BUG: 2147483648, SSL_OP_DONT_INSERT_EMPTY_FRAGMENTS: 2048, SSL_OP_LEGACY_SERVER_CONNECT: 4, SSL_OP_NO_COMPRESSION: 131072, SSL_OP_NO_ENCRYPT_THEN_MAC: 524288, SSL_OP_NO_QUERY_MTU: 4096, SSL_OP_NO_RENEGOTIATION: 1073741824, SSL_OP_NO_SESSION_RESUMPTION_ON_RENEGOTIATION: 65536, SSL_OP_NO_SSLv2: 0, SSL_OP_NO_SSLv3: 33554432, SSL_OP_NO_TICKET: 16384, SSL_OP_NO_TLSv1: 67108864, SSL_OP_NO_TLSv1_1: 268435456, SSL_OP_NO_TLSv1_2: 134217728, SSL_OP_NO_TLSv1_3: 536870912, SSL_OP_PRIORITIZE_CHACHA: 2097152, SSL_OP_TLS_ROLLBACK_BUG: 8388608, ENGINE_METHOD_RSA: 1, ENGINE_METHOD_DSA: 2, ENGINE_METHOD_DH: 4, ENGINE_METHOD_RAND: 8, ENGINE_METHOD_EC: 2048, ENGINE_METHOD_CIPHERS: 64, ENGINE_METHOD_DIGESTS: 128, ENGINE_METHOD_PKEY_METHS: 512, ENGINE_METHOD_PKEY_ASN1_METHS: 1024, ENGINE_METHOD_ALL: 65535, ENGINE_METHOD_NONE: 0, DH_CHECK_P_NOT_SAFE_PRIME: 2, DH_CHECK_P_NOT_PRIME: 1, DH_UNABLE_TO_CHECK_GENERATOR: 4, DH_NOT_SUITABLE_GENERATOR: 8, RSA_PKCS1_PADDING: 1, RSA_NO_PADDING: 3, RSA_PKCS1_OAEP_PADDING: 4, RSA_X931_PADDING: 5, RSA_PKCS1_PSS_PADDING: 6, RSA_PSS_SALTLEN_DIGEST: -1, RSA_PSS_SALTLEN_MAX_SIGN: -2, RSA_PSS_SALTLEN_AUTO: -2, defaultCoreCipherList: 'TLS_AES_256_GCM_SHA384:TLS_CHACHA20_POLY1305_SHA256:TLS_AES_128_GCM_SHA256:ECDHE-RSA-AES128-GCM-SHA256:ECDHE-ECDSA-AES128-GCM-SHA256:ECDHE-RSA-AES256-GCM-SHA384:ECDHE-ECDSA-AES256-GCM-SHA384:DHE-RSA-AES128-GCM-SHA256:ECDHE-RSA-AES128-SHA256:DHE-RSA-AES128-SHA256:ECDHE-RSA-AES256-SHA384:DHE-RSA-AES256-SHA384:ECDHE-RSA-AES256-SHA256:DHE-RSA-AES256-SHA256:HIGH:!aNULL:!eNULL:!EXPORT:!DES:!RC4:!MD5:!PSK:!SRP:!CAMELLIA', TLS1_VERSION: 769, TLS1_1_VERSION: 770, TLS1_2_VERSION: 771, TLS1_3_VERSION: 772, POINT_CONVERSION_COMPRESSED: 2, POINT_CONVERSION_UNCOMPRESSED: 4, POINT_CONVERSION_HYBRID: 6, defaultCipherList: [Getter/Setter] }, webcrypto: [Getter], subtle: [Getter], getRandomValues: [Getter] } > _crypto.setFips(true); undefined > _crypto.generatePrime(64,()=>{}); # node[337926]: static bool node::crypto::RandomPrimeTraits::DeriveBits(node::Environment*, const node::crypto::RandomPrimeConfig&, node::crypto::ByteSource*) at ../src/crypto/crypto_random.cc:151 # Assertion failed: ncrypto::CSPRNG(nullptr, 0) ----- Native stack trace ----- undefined > 1: 0xf76527 node::Assert(node::AssertionInfo const&) [node] 2: 0x115c1ba non-virtual thunk to node::crypto::DeriveBitsJob<node::crypto::RandomPrimeTraits>::DoThreadPoolWork() [node] 3: 0xf32bc1 node::ThreadPoolWork::ScheduleWork()::{lambda(uv_work_s*)#1}::_FUN(uv_work_s*) [node] 4: 0x1d27b80 [node] 5: 0x78901ba9ca94 [/lib/x86_64-linux-gnu/libc.so.6] 6: 0x78901bb29c3c [/lib/x86_64-linux-gnu/libc.so.6] [1] 337926 IOT instruction (core dumped) node ``` ### Additional information _No response_
confirmed-bug,crypto
low
Critical
2,760,896,971
yt-dlp
[TikTok] Live streams are not detected as live
### DO NOT REMOVE OR SKIP THE ISSUE TEMPLATE - [X] I understand that I will be **blocked** if I *intentionally* remove or skip any mandatory\* field ### Checklist - [X] I'm reporting that yt-dlp is broken on a **supported** site - [X] I've verified that I have **updated yt-dlp to nightly or master** ([update instructions](https://github.com/yt-dlp/yt-dlp#update-channels)) - [X] I've checked that all provided URLs are playable in a browser with the same IP and same login details - [X] I've checked that all URLs and arguments with special characters are [properly quoted or escaped](https://github.com/yt-dlp/yt-dlp/wiki/FAQ#video-url-contains-an-ampersand--and-im-getting-some-strange-output-1-2839-or-v-is-not-recognized-as-an-internal-or-external-command) - [X] I've searched [known issues](https://github.com/yt-dlp/yt-dlp/issues/3766) and the [bugtracker](https://github.com/yt-dlp/yt-dlp/issues?q=) for similar issues **including closed ones**. DO NOT post duplicates - [X] I've read the [guidelines for opening an issue](https://github.com/yt-dlp/yt-dlp/blob/master/CONTRIBUTING.md#opening-an-issue) - [ ] I've read about [sharing account credentials](https://github.com/yt-dlp/yt-dlp/blob/master/CONTRIBUTING.md#are-you-willing-to-share-account-details-if-needed) and I'm willing to share it if required ### Region _No response_ ### Provide a description that is worded well enough to be understood Looks like TikTok API for live streams is somewhat changed and "room_id" doesn't seem to be available on the page or in the query. Causing workflow to fail. ### Provide verbose output that clearly demonstrates the problem - [X] Run **your** yt-dlp command with **-vU** flag added (`yt-dlp -vU <your command line>`) - [X] If using API, add `'verbose': True` to `YoutubeDL` params instead - [X] Copy the WHOLE output (starting with `[debug] Command-line config`) and insert it below ### Complete Verbose Output ```shell [debug] Encodings: locale UTF-8, fs utf-8, pref UTF-8, out utf-8, error utf-8, screen utf-8 [debug] yt-dlp version [email protected] from yt-dlp/yt-dlp [65cf46cdd] API [debug] params: {'verbose': True, 'compat_opts': set(), 'http_headers': {'User-Agent': 'Mozilla/5.0 (Windows NT 10.0; Win64; x64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/92.0.4515.131 Safari/537.36', 'Accept': 'text/html,application/xhtml+xml,application/xml;q=0.9,*/*;q=0.8', 'Accept-Language': 'en-us,en;q=0.5', 'Sec-Fetch-Mode': 'navigate'}} [debug] Lazy loading extractors is disabled [debug] Python 3.12.6 (CPython arm64 64bit) - macOS-14.7.1-arm64-arm-64bit (OpenSSL 3.4.0 22 Oct 2024) [debug] exe versions: ffmpeg 7.1 (setts), ffprobe 7.1 [debug] Optional libraries: certifi-2024.08.30, requests-2.32.3, sqlite3-3.43.2, urllib3-2.2.3, xattr-1.1.0 [debug] Proxy map: {} [debug] Request Handlers: urllib, requests [debug] Loaded 1837 extractors [tiktok:live] Extracting URL: https://www.tiktok.com/@starstablelive12/live [tiktok:live] starstablelive12: Downloading webpage ERROR: [tiktok:live] starstablelive12: The channel is not currently live File ".../yt-dlp/yt_dlp/extractor/common.py", line 742, in extract ie_result = self._real_extract(url) ^^^^^^^^^^^^^^^^^^^^^^^ File ".../yt-dlp/yt_dlp/extractor/tiktok.py", line 1486, in _real_extract raise UserNotLive(video_id=uploader) ```
site-bug,triage
low
Critical
2,760,933,919
vscode
terminal title supports branch variable
<!-- โš ๏ธโš ๏ธ Do Not Delete This! feature_request_template โš ๏ธโš ๏ธ --> <!-- Please read our Rules of Conduct: https://opensource.microsoft.com/codeofconduct/ --> <!-- Please search existing issues to avoid creating duplicates. --> <!-- Describe the feature you'd like. --> The `terminal.integrated.tabs.title` and `terminal.integrated.tabs.description` settings support the `${branch}` variable. In the same workspace, using git worktree to check out different branches and displaying the branch name will make it easier to distinguish between different terminals.
feature-request,terminal-tabs
low
Major
2,760,946,108
transformers
Missing weights are not properly initialized when using model.from_pretrained()
### System Info - `transformers` version: 4.47.1 - Platform: Linux-5.15.0-122-generic-x86_64-with-glibc2.35 - Python version: 3.12.2 - Huggingface_hub version: 0.27.0 - Safetensors version: 0.4.5 - Accelerate version: 1.1.1 - Accelerate config: not found - PyTorch version (GPU?): 2.2.1+cu121 (True) - Tensorflow version (GPU?): not installed (NA) - Flax version (CPU?/GPU?/TPU?): not installed (NA) - Jax version: not installed - JaxLib version: not installed - Using distributed or parallel set-up in script?: yes - Using GPU in script?: yes - GPU type: NVIDIA A100-PCIE-40GB ### Who can help? _No response_ ### Information - [X] The official example scripts - [X] My own modified scripts ### Tasks - [X] An officially supported task in the `examples` folder (such as GLUE/SQuAD, ...) - [X] My own task or dataset (give details below) ### Reproduction ``` import torch.nn as nn from transformers import PreTrainedModel, PretrainedConfig class Config(PretrainedConfig): def __init__(self, use_new=False, **kwargs): self.use_new = use_new super().__init__(**kwargs) class Model(PreTrainedModel): config_class = Config def __init__(self, config: Config): super().__init__(config) self.use_new = config.use_new self.proj = nn.Linear(10, 10, bias=False) if self.use_new: self.new_proj = nn.Linear(20, 20, bias=False) self.post_init() def post_init(self): nn.init.constant_(self.proj.weight, 0) if self.use_new: nn.init.constant_(self.new_proj.weight, 0) if __name__ == "__main__": # 1. Pretrain a base model config = Config(use_new=False) original_model = Model(config) print(original_model.proj.weight.data.max()) # 0 # 2. Save the pretrained weights original_model.save_pretrained("./original_model/") # 3. Load the pretrained weights, and finetune the model with a newly added layer new_model1 = Model.from_pretrained("./original_model/", use_new=True) print(new_model1.proj.weight.data.max()) # 0 print(new_model1.new_proj.weight.data.max()) # nan - BUG: This is unexpected! # 4. A trick to work around this problem: pass _fast_init=False into from_pretrained() new_model2 = Model.from_pretrained("./original_model/", use_new=True, _fast_init=False) print(new_model2.proj.weight.data.max()) # 0 print(new_model2.new_proj.weight.data.max()) # 0 ``` ### Expected behavior **The missing weights during `from_pretrained()` are not initialized according to `self.post_init()`.** In this case, I want to fine-tune a pretrained model and add some new parameters (`self.new_proj.weight`), which is a very common scenario. The missing weights (`self.new_proj.weight`) are expected to be initialized to 0, but the values are actually frozen during `from_pretrained()` and cannot be properly initialized. A workaround is to pass `_fast_init=False` to `from_pretrained()`, but I noticed that this feature is deprecated. Therefore, there should be a more appropriate solution to this problem.
Core: Modeling,bug
low
Critical
2,760,951,669
yt-dlp
downloaded audio only m3u8 format not able to play in some media players
### DO NOT REMOVE OR SKIP THE ISSUE TEMPLATE - [X] I understand that I will be **blocked** if I *intentionally* remove or skip any mandatory\* field ### Checklist - [X] I'm reporting a bug unrelated to a specific site - [X] I've verified that I have **updated yt-dlp to nightly or master** ([update instructions](https://github.com/yt-dlp/yt-dlp#update-channels)) - [X] I've checked that all provided URLs are playable in a browser with the same IP and same login details - [X] I've checked that all URLs and arguments with special characters are [properly quoted or escaped](https://github.com/yt-dlp/yt-dlp/wiki/FAQ#video-url-contains-an-ampersand--and-im-getting-some-strange-output-1-2839-or-v-is-not-recognized-as-an-internal-or-external-command) - [X] I've searched [known issues](https://github.com/yt-dlp/yt-dlp/issues/3766) and the [bugtracker](https://github.com/yt-dlp/yt-dlp/issues?q=) for similar issues **including closed ones**. DO NOT post duplicates - [X] I've read the [guidelines for opening an issue](https://github.com/yt-dlp/yt-dlp/blob/master/CONTRIBUTING.md#opening-an-issue) ### Provide a description that is worded well enough to be understood When downloading `m3u8` audio only format, it will not perform any remuxing. Some media players (e.g. VLC) may be not able to play the downloaded audio. Use `ffmpeg -i "input.mp4" -c copy "output.mp4"` can help to fix this issue. ### Provide verbose output that clearly demonstrates the problem - [X] Run **your** yt-dlp command with **-vU** flag added (`yt-dlp -vU <your command line>`) - [ ] If using API, add `'verbose': True` to `YoutubeDL` params instead - [X] Copy the WHOLE output (starting with `[debug] Command-line config`) and insert it below ### Complete Verbose Output ```shell [debug] Command-line config: ['-vU', '--no-progress', '--no-mtime', '--no-playlist', '-f', 'bestaudio[language^=pt]/bestaudio/best', '-o', 'audio-from-ytdlp.%(ext)s', '-4', '--check-formats', '--fragment-retries', 'infinite', '--keep-fragments', '--abort-on-unavailable-fragments', 'https://www.youtube.com/watch?v=YU1NdcQxOOk'] [debug] Encodings: locale UTF-8, fs utf-8, pref UTF-8, out utf-8, error utf-8, screen utf-8 [debug] yt-dlp version [email protected] from yt-dlp/yt-dlp [65cf46cdd] (pip) [debug] Python 3.10.10 (CPython arm64 64bit) - macOS-14.6.1-arm64-arm-64bit (OpenSSL 3.4.0 22 Oct 2024) [debug] exe versions: ffmpeg 7.0.2 (setts), ffprobe 7.0.2 [debug] Optional libraries: Cryptodome-3.21.0, brotli-1.1.0, certifi-2024.12.14, mutagen-1.47.0, requests-2.32.3, sqlite3-3.43.2, urllib3-2.2.3, websockets-14.1 [debug] Proxy map: {'http': 'http://127.0.0.1:6152', 'https': 'http://127.0.0.1:6152'} [debug] Request Handlers: urllib, requests, websockets [debug] Loaded 1837 extractors [debug] Fetching release info: https://api.github.com/repos/yt-dlp/yt-dlp/releases/latest Latest version: [email protected] from yt-dlp/yt-dlp yt-dlp is up to date ([email protected] from yt-dlp/yt-dlp) [youtube] Extracting URL: https://www.youtube.com/watch?v=YU1NdcQxOOk [youtube] YU1NdcQxOOk: Downloading webpage WARNING: [youtube] Unable to download webpage: HTTPSConnectionPool(host='www.youtube.com', port=443): Read timed out. (read timeout=20.0) [youtube] YU1NdcQxOOk: Downloading ios player API JSON [youtube] YU1NdcQxOOk: Downloading iframe API JS WARNING: [youtube] Unable to fetch PO Token for mweb client: Missing required Visitor Data. You may need to pass Visitor Data with --extractor-args "youtube:visitor_data=XXX" [youtube] YU1NdcQxOOk: Downloading player 03dbdfab [youtube] YU1NdcQxOOk: Downloading mweb player API JSON [debug] [youtube] YU1NdcQxOOk: ios client https formats require a PO Token which was not provided. They will be skipped as they may yield HTTP Error 403. You can manually pass a PO Token for this client with --extractor-args "youtube:po_token=ios+XXX. For more information, refer to https://github.com/yt-dlp/yt-dlp/wiki/Extractors#po-token-guide . To enable these broken formats anyway, pass --extractor-args "youtube:formats=missing_pot" [debug] Loading youtube-nsig.03dbdfab from cache [debug] [youtube] Decrypted nsig Eg5OMXEQv8gRk6cIs => kCwT_kSbICno4w [debug] Loading youtube-nsig.03dbdfab from cache [debug] [youtube] Decrypted nsig COqpO6-qGaX2_J5Br => X4i-pwnYQTfyyA [youtube] YU1NdcQxOOk: Downloading m3u8 information [youtube] YU1NdcQxOOk: Downloading initial data API JSON [debug] Sort order given by extractor: quality, res, fps, hdr:12, source, vcodec, channels, acodec, lang, proto [debug] Formats sorted by: hasvid, ie_pref, quality, res, fps, hdr:12(7), source, vcodec, channels, acodec, lang, proto, size, br, asr, vext, aext, hasaud, id [info] Testing format 234-1 [hlsnative] Downloading m3u8 manifest [hlsnative] Total fragments: 98 [download] Destination: /var/folders/sg/gybg5q9536xfsjp6zj_lth700000gn/T/tmp2yzzgbu8.tmp [download] 100% of 100.40KiB in 00:00:00 at 102.84KiB/s [info] YU1NdcQxOOk: Downloading 1 format(s): 234-1 [debug] Invoking hlsnative downloader on "https://manifest.googlevideo.com/api/manifest/hls_playlist/expire/1735330973/ei/PbhuZ9SdLtXYsfIP7JHLmAM/ip/23.236.100.77/id/614d4d75c43138e9/itag/234/source/youtube/requiressl/yes/ratebypass/yes/pfa/1/goi/133/sgoap/clen%3D9907761%3Bdur%3D612.147%3Bgir%3Dyes%3Bitag%3D140%3Blmt%3D1734887377767327%3Bxtags%3Dacont%3Doriginal:lang%3Dpt-BR/rqh/1/hls_chunk_host/rr3---sn-n4v7snll.googlevideo.com/xpc/EgVo2aDSNQ%3D%3D/met/1735309373,/mh/qG/mm/31,26/mn/sn-n4v7snll,sn-a5m7lnld/ms/au,onr/mv/m/mvi/3/pl/24/rms/au,au/initcwndbps/3341250/spc/x-caUPo0yLLU1SahbeCc66KUH1KcjkMcm0FXhqIvqVT00_GkfSvUZR0JhV1uIJU/vprv/1/playlist_type/DVR/dover/13/txp/5318224/mt/1735309040/fvip/5/short_key/1/keepalive/yes/fexp/51326932,51335594,51371294/sparams/expire,ei,ip,id,itag,source,requiressl,ratebypass,pfa,goi,sgoap,rqh,xpc,spc,vprv,playlist_type/sig/AJfQdSswRQIgGZPSpgwYUHiWEx_fg8Ypy1z9IkkaLxuRIY5a_qd2vEsCIQDO_BL2GaPUzxKAGMwktuInFF8WKwk5ED0dgN9nrSL2Jg%3D%3D/lsparams/hls_chunk_host,met,mh,mm,mn,ms,mv,mvi,pl,rms,initcwndbps/lsig/AGluJ3MwRQIgb6r0FOq1IIYQoRsszrxAtqrDTRD1ZIXvjGYJL0hV0S4CIQCNOkeWdrslWRonu34fh8d7feE6LXnqUh8PnDv2U_LQjg%3D%3D/playlist/index.m3u8" [hlsnative] Downloading m3u8 manifest [hlsnative] Total fragments: 98 [download] Destination: audio-from-ytdlp.mp4 [download] Download completed [debug] ffprobe command line: ffprobe -hide_banner -show_format -show_streams -print_format json file:audio-from-ytdlp.mp4 ```
site-bug,site:youtube,core:post-processor
low
Critical
2,760,955,634
TypeScript
Possible regression of intersection type inference in 5.7.2 compared to 5.6.3
### ๐Ÿ”Ž Search Terms inference generic types ### ๐Ÿ•— Version & Regression Information - This changed between versions 5.6.3 and 5.7.2 - This changed in commit or PR https://github.com/microsoft/TypeScript/pull/52095 ### โฏ Playground Link https://www.typescriptlang.org/play/?ts=5.7.2#code/MYGwhgzhAEBqYCcCWYBGICmAeAqgGmgGVoMAPAFwwDsATGCc5KgcwD5oBvAKGmmAHsqDBAFdg5fggAUABxHokwaBABcRAJSdoAXx7QRAQjU4A3F11cAZiKrikg6AFsA1gHFqGZMFwFiZSrT0jEgsrFKqGpx6CBjkIghU0FQYAO5wiCjo2PhEYRDq5lxc5ACeMhjQAKKkYOIAggjMAHJgjhgQWO7JXgAqZRgEAMKCwmAh5OwAvNBdnop95dAAZFG8ANoA0tAh0M4YJfyWMx69-QC6alv+1HS7+4fQw0KMY1Tk0AD8x93z-Ztn0DUyQAbp5CsV+tA6iAQPwUvBkGhMB0elN0oislgegQwFQSuwAD5aTbbRJ7A5HHoXdGZTBY-44vGE6A9f46IqlRY9drkBrMGDTbi8CD8Np8oEiRyoMEWTkVbkMPkQADqSHIAAsEQKoTC4Qjae0sTylawitZbOR7IlyGA9hBZl4sLASBQbjBobD4RkkYaFbzGhBWGEwGpqrV-c1WobYAQ-Sb1GpgfwkDQohZMO9gdBpja7Q7FFIOCKxY01C588ApAAiUhV9TadRmIA ### ๐Ÿ’ป Code ```ts class Variable<U, S extends string> { constructor(public s: S) { } u!: U; } function mkGeneric<U, S extends string>(s: S) { return new Variable<U, S>(s) } type ExactArgNames<GenericType, Constraint> = GenericType & { [K in keyof GenericType]: K extends keyof Constraint ? GenericType[K] : never } type AllowVariables<T> = Variable<T, any> | { [K in keyof T]: Variable<T[K], any> | T[K] } type TestArgs = { someArg: number } type TestArgsWithVars = AllowVariables<TestArgs> function takesGeneric<V extends AllowVariables<TestArgs>>(a: ExactArgNames<V, TestArgs>): void { } let v = takesGeneric({someArg: mkGeneric("x")}); ``` ### ๐Ÿ™ Actual behavior VVersion 5.7.2 of the compiler infers the variable type as Variable<uknown, "x"> and subsequently generates an error ### ๐Ÿ™‚ Expected behavior VVersion 5.6.3 of the compiler infers the variable type correctly as `Variable<number, "x">` ### Additional information about the issue This is breaking most code that uses typed-graphql-builder https://github.com/typed-graphql-builder/typed-graphql-builder/issues/85
Help Wanted,Possible Improvement
low
Critical
2,760,995,563
PowerToys
broken preview pane
### Microsoft PowerToys version 0.87.1 ### Installation method Microsoft Store ### Running as admin No ### Area(s) with issue? File Explorer: Preview Pane ### Steps to reproduce fresh windows install, install powertoys preview breaks ### โœ”๏ธ Expected Behavior to see any txt style preview ### โŒ Actual Behavior cant be previewed, even a .txt ### Other Software fresh win install to make sure no conflicts, twice!
Issue-Bug,Needs-Triage
low
Critical
2,761,006,739
tauri
[feat] Centralize mobile app configuration in Tauri configuration files
### Describe the problem Today, a lot of mobile app configuration requires knowledge of editing mobile platform-specific configuration files for managing permissions, signing, etc. ### Describe the solution you'd like As it does for desktop, Tauri would allow setting mobile configuration in Tauri's cross-platform configuration files. ### Alternatives considered None ### Additional context None --- Thanks
type: feature request
low
Minor
2,761,017,921
langchain
max_completion_tokens (and max_tokens) param in ChatOpenAI() can't be processed by OpenAI() object
### Checked other resources - [X] I added a very descriptive title to this issue. - [X] I searched the LangChain documentation with the integrated search. - [X] I used the GitHub search to find a similar question and didn't find it. - [X] I am sure that this is a bug in LangChain rather than my code. - [X] The bug is not resolved by updating to the latest stable version of LangChain (or the specific integration package). ### Example Code ```python from langchain_openai import ChatOpenAI chat_model = ChatOpenAI( model_name="model", max_completion_tokens=800, openai_api_base="base_url", openai_api_key="your_key" ) chat_model.invoke("Hello, how are you ?") ``` ### Error Message and Stack Trace (if applicable) ```bash Traceback (most recent call last): File "/home/user/test_python/langchain_bug.py", line 12, in <module> chat_model.invoke("Hello, how are you ?") File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/langchain_core/language_models/chat_models.py", line 289, in invoke self.generate_prompt( File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/langchain_core/language_models/chat_models.py", line 800, in generate_prompt return self.generate(prompt_messages, stop=stop, callbacks=callbacks, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/langchain_core/language_models/chat_models.py", line 655, in generate raise e File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/langchain_core/language_models/chat_models.py", line 645, in generate self._generate_with_cache( File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/langchain_core/language_models/chat_models.py", line 872, in _generate_with_cache result = self._generate( ^^^^^^^^^^^^^^^ File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/langchain_openai/chat_models/base.py", line 726, in _generate response = self.client.create(**payload) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/openai/_utils/_utils.py", line 275, in wrapper return func(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^ File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/openai/resources/chat/completions.py", line 859, in create return self._post( ^^^^^^^^^^^ File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/openai/_base_client.py", line 1280, in post return cast(ResponseT, self.request(cast_to, opts, stream=stream, stream_cls=stream_cls)) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/openai/_base_client.py", line 957, in request return self._request( ^^^^^^^^^^^^^^ File "/home/user/.cache/pypoetry/virtualenvs/test-python-OI3Fy4Nv-py3.12/lib/python3.12/site-packages/openai/_base_client.py", line 1061, in _request raise self._make_status_error_from_response(err.response) from None openai.BadRequestError: Error code: 400 - {'object': 'error', 'message': "[{'type': 'extra_forbidden', 'loc': ('body', 'max_completion_tokens'), 'msg': 'Extra inputs are not permitted', 'input': 800}]", 'type': 'BadRequestError', 'param': None, 'code': 400} ``` ### Description I'm trying to use langchain ChatOpenAI() object with max_completion_tokens parameter initialized. Since September 2024, the max_tokens parameter is deprecated in favor of max_completion_tokens. The change was made in langchain but for now, it has not been done in the OpenAI Python library. When I pass max_completion_tokens parameter, an error is raised because extra parameter is forbidden when we create OpenAI() object (from the OpenAI Python library). I know, it's not a bug from the langchain library strictly speaking. But while waiting for the OpenAI library to make the change, is it possible to mitigate the problem? Because, for now, the feature is unavailable. ### System Info System Information ------------------ > OS: Linux > OS Version: #1 SMP Tue Nov 5 > Python Version: 3.12.5 Package Information ------------------- > langchain_core: 0.3.28 > langchain: 0.3.13 > langsmith: 0.2.6 > langchain_bug: Installed. No version info available. > langchain_openai: 0.2.14 > langchain_text_splitters: 0.3.4 Optional packages not installed ------------------------------- > langserve Other Dependencies ------------------ > aiohttp: 3.11.11 > async-timeout: Installed. No version info available. > httpx: 0.27.2 > httpx-sse: 0.4.0 > jsonpatch: 1.33 > langsmith-pyo3: Installed. No version info available. > numpy: 2.2.1 > openai: 1.58.1 > orjson: 3.10.12 > packaging: 24.2 > pydantic: 2.10.4 > PyYAML: 6.0.2 > requests: 2.32.3 > requests-toolbelt: 1.0.0 > SQLAlchemy: 2.0.36 > tenacity: 9.0.0 > tiktoken: 0.8.0 > tokenizers: 0.21.0 > typing-extensions: 4.12.2 > zstandard: Installed. No version info available.
๐Ÿค–:bug,investigate
low
Critical
2,761,025,975
langchain
Add "developer" role support to ChatPromptTempkate
### Privileged issue - [X] I am a LangChain maintainer, or was asked directly by a LangChain maintainer to create an issue here. ### Issue Content Add support for ```python ChatPromptTemplate([("developer", "...")]) ```
โฑญ: core
low
Minor
2,761,029,625
pytorch
The link for the source in page torch.Tensor.backward is broken.
### ๐Ÿ“š The doc issue The link for the source in page torch.Tensor.backward is broken.[link](https://pytorch.org/docs/stable/generated/torch.Tensor.backward.html) ### Suggest a potential alternative/fix _No response_ cc @svekars @brycebortree @sekyondaMeta @AlannaBurke @ezyang @albanD @gqchen @pearu @nikitaved @soulitzer @Varal7 @xmfan
module: docs,module: autograd,triaged,needs design
low
Critical
2,761,037,268
bitcoin
Running out of memory on a 2GB box - Initializing chainstate Chainstate [ibd] @ height -1 (null)
I have a server running a pruned bitcoind node as a Docker container with 2G RAM. There are some other services using maybe 500MB of the RAM but I got into a state where bitcoind tries to initialize the chainstate but then starts sucking up all the available RAM so it gets killed with OOM error. Docker then restarts it and it loops like this forever I tried to configure bitcoind to be constrained to low memory but it doesn't seem to have any effect ``` [main] printtoconsole=1 rpcallowip=::/0 rpcallowip=0.0.0.0/0 prune=550 txindex=0 rpcport=8332 rpcbind=0.0.0.0:8332 dbcache=20 maxmempool=5 maxconnections=32 assumevalid=00000000000000000002923a7456aa3d4adce139cd16550c3ff36d07cc45d251 ``` This node did successfully complete IBD at one point and it is unknown exactly why or when it got into this OOM loop. Maybe it has something to do with the assumevalid? In fact the way this docker container was constructed is that on every restart it would get the latest block hash from an esplora server and set that hash to assumevalid in bitcoin.conf before initializing. So I am theorizing that maybe this unusual behavior created some sort of data that needs to be fully loaded into memory before proceeding and so it gets killed. Below are the logs of a typical startup of bitcoind at this point. I have tried locking the hash of assumevalid and disabled the esplora auto-update logic but it didn't have any effect. As a last resort I will clear out the chainstate and try to do IBD again but am trying to surgically fix it if possible. Decided to open an issue here in case there is some edge case optimization to prevent bitcoind from having to eat up 1.5GB of memory. Any suggestions are appreciated and feel free to close if there is nothing actionable and this all just came down to a misuse of `assumevalid`. Thanks! ``` bitcoind-1 | 2024-12-27T15:00:16Z Bitcoin Core version v26.0.0 (release build) bitcoind-1 | 2024-12-27T15:00:16Z Using the 'sse4(1way),sse41(4way),avx2(8way)' SHA256 implementation bitcoind-1 | 2024-12-27T15:00:16Z Using RdSeed as an additional entropy source bitcoind-1 | 2024-12-27T15:00:16Z Using RdRand as an additional entropy source bitcoind-1 | 2024-12-27T15:00:16Z Default data directory /home/bitcoin/.bitcoin bitcoind-1 | 2024-12-27T15:00:16Z Using data directory /home/bitcoin/.bitcoin bitcoind-1 | 2024-12-27T15:00:16Z Config file: /home/bitcoin/.bitcoin/bitcoin.conf bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] assumevalid="00000000000000000002923a7456aa3d4adce139cd16550c3ff36d07cc45d251" bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] dbcache="20" bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] maxconnections="32" bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] maxmempool="5" bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] printtoconsole="1" bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] prune="550" bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] rpcallowip="::/0" bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] rpcallowip="0.0.0.0/0" bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] rpcauth=**** bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] rpcbind="0.0.0.0:8332" bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] rpcport="8332" bitcoind-1 | 2024-12-27T15:00:16Z Config file arg: [main] txindex="0" bitcoind-1 | 2024-12-27T15:00:16Z Using at most 32 automatic connections (1048576 file descriptors available) bitcoind-1 | 2024-12-27T15:00:16Z Using 16 MiB out of 16 MiB requested for signature cache, able to store 524288 elements bitcoind-1 | 2024-12-27T15:00:16Z Using 16 MiB out of 16 MiB requested for script execution cache, able to store 524288 elements bitcoind-1 | 2024-12-27T15:00:16Z Script verification uses 0 additional threads bitcoind-1 | 2024-12-27T15:00:16Z Binding RPC on address 0.0.0.0 port 8332 bitcoind-1 | 2024-12-27T15:00:16Z WARNING: the RPC server is not safe to expose to untrusted networks such as the public internet bitcoind-1 | 2024-12-27T15:00:16Z [http] creating work queue of depth 16 bitcoind-1 | 2024-12-27T15:00:16Z Using random cookie authentication. bitcoind-1 | 2024-12-27T15:00:16Z scheduler thread start bitcoind-1 | 2024-12-27T15:00:16Z Generated RPC authentication cookie /home/bitcoin/.bitcoin/.cookie bitcoind-1 | 2024-12-27T15:00:16Z Using rpcauth authentication. bitcoind-1 | 2024-12-27T15:00:16Z [http] starting 4 worker threads bitcoind-1 | 2024-12-27T15:00:16Z Using wallet directory /home/bitcoin/.bitcoin bitcoind-1 | 2024-12-27T15:00:16Z init message: Verifying wallet(s)โ€ฆ bitcoind-1 | 2024-12-27T15:00:16Z Using /16 prefix for IP bucketing bitcoind-1 | 2024-12-27T15:00:16Z init message: Loading P2P addressesโ€ฆ bitcoind-1 | 2024-12-27T15:00:17Z Loaded 64073 addresses from peers.dat 284ms bitcoind-1 | 2024-12-27T15:00:17Z init message: Loading banlistโ€ฆ bitcoind-1 | 2024-12-27T15:00:17Z SetNetworkActive: true bitcoind-1 | 2024-12-27T15:00:17Z Cache configuration: bitcoind-1 | 2024-12-27T15:00:17Z * Using 2.0 MiB for block index database bitcoind-1 | 2024-12-27T15:00:17Z * Using 8.0 MiB for chain state database bitcoind-1 | 2024-12-27T15:00:17Z * Using 10.0 MiB for in-memory UTXO set (plus up to 4.8 MiB of unused mempool space) bitcoind-1 | 2024-12-27T15:00:17Z init message: Loading block indexโ€ฆ bitcoind-1 | 2024-12-27T15:00:17Z Assuming ancestors of block 00000000000000000002923a7456aa3d4adce139cd16550c3ff36d07cc45d251 have valid signatures. bitcoind-1 | 2024-12-27T15:00:17Z Setting nMinimumChainWork=000000000000000000000000000000000000000052b2559353df4117b7348b64 bitcoind-1 | 2024-12-27T15:00:17Z Prune configured to target 550 MiB on disk for block and undo files. bitcoind-1 | 2024-12-27T15:00:17Z Opening LevelDB in /home/bitcoin/.bitcoin/blocks/index bitcoind-1 | 2024-12-27T15:00:17Z Opened LevelDB successfully bitcoind-1 | 2024-12-27T15:00:17Z Using obfuscation key for /home/bitcoin/.bitcoin/blocks/index: 0000000000000000 bitcoind-1 | 2024-12-27T15:00:22Z LoadBlockIndexDB: last block file = 4657 bitcoind-1 | 2024-12-27T15:00:22Z LoadBlockIndexDB: last block file info: CBlockFileInfo(blocks=25, size=39362654, heights=874318...874342, time=2024-12-11...2024-12-12) bitcoind-1 | 2024-12-27T15:00:22Z Checking all blk files are present... bitcoind-1 | 2024-12-27T15:00:22Z LoadBlockIndexDB(): Block files have previously been pruned bitcoind-1 | 2024-12-27T15:00:23Z Initializing chainstate Chainstate [ibd] @ height -1 (null) bitcoind-1 | 2024-12-27T15:00:23Z Opening LevelDB in /home/bitcoin/.bitcoin/chainstate ```
UTXO Db and Indexes,Resource usage
low
Critical
2,761,044,672
go
x/tools/gopls: revisit the set of 'quickfix' refactorings
Why can [email protected] do fill struct code action and [email protected] doesn't feature or bug ? <img width="633" alt="image" src="https://github.com/user-attachments/assets/82e11a15-603e-4eee-a4b1-0f2dababe2b1" /> [email protected] <img width="311" alt="image" src="https://github.com/user-attachments/assets/7976b879-e6d9-4ae2-a7c4-fca583b9ba4d" /> [email protected]
gopls,Tools
low
Critical
2,761,049,336
PowerToys
Workspaces Incorrect File error when running as admin
### Microsoft PowerToys version 0.87.1 ### Installation method GitHub ### Running as admin Yes ### Area(s) with issue? Workspaces ### Steps to reproduce - run powertoys as an Admin user (ie, seperate account from the logged in user) - create new workspace with any configuration - try launching the workspace ### โœ”๏ธ Expected Behavior It works `<admin account>\AppData\...\workspaces.json` is the file that is written to when creating or editing a workspace in my scenario, but `<logged in user>\AppData\...\workspaces.json` is the file that is read when launching a workspace. Either the admin account `workspaces.json` should be read (as that is the one that's written when creating/editing a workspace), OR the logged in user `workspaces.json` should be the one that is written (as that is the one that is read when the workspace is launched). As a workaround, I simply copied `<admin account>\AppData\...\workspaces.json` to `<logged in user>\AppData\...\workspaces.json` ### โŒ Actual Behavior ![Image](https://github.com/user-attachments/assets/e8fdc5fe-a10c-4087-8e61-be0626239f80) ### Other Software _No response_
Issue-Bug,Needs-Triage,Product-Workspaces
low
Critical
2,761,125,666
godot
CanvasItemMaterial Light Mode Only not working with lights
### Tested versions 4.3 ### System information Windows 11, Godot 4.3 ### Issue description You can add the CanvasItemMaterial to lights and set Light Mode Light Only but it doesn't work. ### Steps to reproduce Add the CanvasItemMaterial to PointLight2d and set Light Mode Light Only, doesn't work. ### Minimal reproduction project (MRP) N/A
enhancement,discussion,topic:rendering,topic:2d
low
Minor
2,761,126,573
pytorch
Set up Mac builds with clang >= 17 even though Xcode only has at most clang 16
### ๐Ÿš€ The feature, motivation and pitch This would enable a couple disparate improvements: 1) Our binary releases should include the latest compiler features and optimizations. The concrete motivating example is that the compiler used for Mac wheels apparently doesn't pass [`COMPILER_SUPPORTS_BF16_TARGET`](https://github.com/pytorch/pytorch/blob/main/aten/src/ATen/native/cpu/ReducedPrecisionFloatGemvFastPathKernel.cpp#L161) (i.e., clang version greater than 15), which causes a slower bfloat16 gemv kernel to be used. 2) We should have test coverage for CPU bfloat16 support on Mac (#142703) -- clang 16 purports to be able to build it, but is buggy and we actually need 17+. ### Alternatives do nothing until Apple gets around to releasing an Xcode with clang 17 or later and we get around to updating to it. ### Additional context Xcode clang version history: https://gist.github.com/yamaya/2924292 . Latest at time of writing is Xcode 16.2 with `Apple clang version 16.0.0 (clang-1600.0.26.6)` cc @seemethere @malfet @osalpekar @atalman @pytorch/pytorch-dev-infra
module: binaries,module: ci,triaged,enhancement
low
Critical
2,761,136,144
pytorch
RuntimeError: could not create an engine
### ๐Ÿ› Describe the bug Hi, I experienced the following error (the message before the exception): File c:\Users\xiaoy\anaconda3\envs\llm2\Lib\site-packages\torch\nn\modules\linear.py:125, in Linear.forward(self, input) 124 def forward(self, input: Tensor) -> Tensor: --> 125 return F.linear(input, self.weight, self.bias) RuntimeError: could not create an engine The code is running fine if I set the device to 'cpu'. But when I set it to 'xpu', I got the above error. GPU: Intel ARC B580 (with the latest driver) OS: Windows 11 Conda/Python: 3.12 PyTorch instance: pip3 install --pre torch --index-url https://download.pytorch.org/whl/nightly/xpu ### Versions PyTorch version: 2.6.0.dev20241222+xpu Is debug build: False CUDA used to build PyTorch: None ROCM used to build PyTorch: N/A OS: Microsoft Windows 11 Pro (10.0.26100 64-bit) GCC version: Could not collect Clang version: Could not collect CMake version: Could not collect Libc version: N/A Python version: 3.12.8 | packaged by Anaconda, Inc. | (main, Dec 11 2024, 16:48:34) [MSC v.1929 64 bit (AMD64)] (64-bit runtime) Python platform: Windows-11-10.0.26100-SP0 Is CUDA available: False CUDA runtime version: No CUDA CUDA_MODULE_LOADING set to: N/A GPU models and configuration: No CUDA Nvidia driver version: No CUDA cuDNN version: No CUDA HIP runtime version: N/A MIOpen runtime version: N/A Is XNNPACK available: True CPU: Name: Intel(R) Core(TM) i7-14700K Manufacturer: GenuineIntel Family: 198 Architecture: 9 ProcessorType: 3 DeviceID: CPU0 CurrentClockSpeed: 3400 MaxClockSpeed: 3400 L2CacheSize: 28672 L2CacheSpeed: None Revision: None Versions of relevant libraries: [pip3] numpy==2.2.1 [pip3] torch==2.6.0.dev20241222+xpu [conda] numpy 2.2.1 pypi_0 pypi [conda] torch 2.6.0.dev20241222+xpu pypi_0 pypi cc @peterjc123 @mszhanyi @skyline75489 @nbcsm @iremyux @Blackhex @gujinghui @EikanWang @fengyuan14 @guangyey
module: windows,triaged,module: xpu
low
Critical
2,761,142,869
godot
SoftBody3D can cause editor to hang when opening scene on multi-threaded physics
### Tested versions - Reproducible in: v4.3.stable.mono.official [77dcf97d8], custom build from commit 99a8ab795 ### System information Windows 10.0.22631 - Vulkan (Forward+) - dedicated NVIDIA GeForce RTX 3080 (NVIDIA; 32.0.15.6614) - AMD Ryzen 7 5800X 8-Core Processor (16 Threads) ### Issue description When using multi-threaded physics, the editor may hang forever when opening a scene with a SoftBody3D node. This only happens if there is at least one other physics node in the scene. In my repro project, I used a AnimatableBody3D. This happens both with the old Godot Physics and the new Jolt Physics. While in this state, I extracted the callstacks to see where Godot got stuck: Main Thread: ``` godot.windows.editor.x86_64.mono.exe!mtx_do_lock [External Code] [Inline Frame] godot.windows.editor.x86_64.mono.exe!std::_Mutex_base::lock() Line 52 [Inline Frame] godot.windows.editor.x86_64.mono.exe!std::unique_lock<std::mutex>::{ctor}(std::mutex &) Line 144 [Inline Frame] godot.windows.editor.x86_64.mono.exe!MutexLock<MutexImpl<std::mutex>>::{ctor}(const MutexImpl<std::mutex> &) Line 78 godot.windows.editor.x86_64.mono.exe!CommandQueueMT::push<PhysicsServer3D,void (__cdecl PhysicsServer3D::*)(RID,enum PhysicsServer3D::BodyState,Variant const &),RID,enum PhysicsServer3D::BodyState,Variant>(PhysicsServer3D * p_instance, void(PhysicsServer3D::*)(RID, PhysicsServer3D::BodyState, const Variant &) p_method, RID p1, PhysicsServer3D::BodyState p2, Variant p3) Line 414 godot.windows.editor.x86_64.mono.exe!PhysicsServer3DWrapMT::body_set_state(RID p1, PhysicsServer3D::BodyState p2, const Variant & p3) Line 218 godot.windows.editor.x86_64.mono.exe!CollisionObject3D::_notification(int p_what) Line 62 godot.windows.editor.x86_64.mono.exe!CollisionObject3D::_notificationv(int p_notification, bool p_reversed) Line 38 godot.windows.editor.x86_64.mono.exe!AnimatableBody3D::_notificationv(int p_notification, bool p_reversed) Line 37 godot.windows.editor.x86_64.mono.exe!Object::notification(int p_notification, bool p_reversed) Line 877 godot.windows.editor.x86_64.mono.exe!Node3D::_notification(int p_what) Line 164 godot.windows.editor.x86_64.mono.exe!Node3D::_notificationv(int p_notification, bool p_reversed) Line 52 godot.windows.editor.x86_64.mono.exe!CollisionObject3D::_notificationv(int p_notification, bool p_reversed) Line 38 godot.windows.editor.x86_64.mono.exe!AnimatableBody3D::_notificationv(int p_notification, bool p_reversed) Line 37 godot.windows.editor.x86_64.mono.exe!Object::notification(int p_notification, bool p_reversed) Line 877 godot.windows.editor.x86_64.mono.exe!Node::_propagate_enter_tree() Line 310 godot.windows.editor.x86_64.mono.exe!Node::_propagate_enter_tree() Line 325 godot.windows.editor.x86_64.mono.exe!Node::_set_tree(SceneTree * p_tree) Line 3288 godot.windows.editor.x86_64.mono.exe!Node::_add_child_nocheck(Node * p_child, const StringName & p_name, Node::InternalMode p_internal_mode) Line 1641 godot.windows.editor.x86_64.mono.exe!Node::add_child(Node * p_child, bool p_force_readable_name, Node::InternalMode p_internal) Line 1669 [Inline Frame] godot.windows.editor.x86_64.mono.exe!EditorNode::set_edited_scene_root(Node *) Line 3779 godot.windows.editor.x86_64.mono.exe!EditorNode::set_edited_scene(Node * p_scene) Line 3759 godot.windows.editor.x86_64.mono.exe!EditorNode::load_scene(const String & p_scene, bool p_ignore_broken_deps, bool p_set_inherited, bool p_force_open_imported, bool p_silent_change_tab) Line 4082 godot.windows.editor.x86_64.mono.exe!EditorNode::open_request(const String & p_path, bool p_set_inherited) Line 4488 godot.windows.editor.x86_64.mono.exe!FileSystemDock::_select_file(const String & p_path, bool p_select_in_favorites, bool p_navigate) Line 1257 godot.windows.editor.x86_64.mono.exe!FileSystemDock::_tree_activate_file() Line 1301 [Inline Frame] godot.windows.editor.x86_64.mono.exe!call_with_variant_args_helper(FileSystemDock *) Line 303 [Inline Frame] godot.windows.editor.x86_64.mono.exe!call_with_variant_args(FileSystemDock * p_instance, void(FileSystemDock::*)() p_method, const Variant * *) Line 417 godot.windows.editor.x86_64.mono.exe!CallableCustomMethodPointer<FileSystemDock,void>::call(const Variant * * p_arguments, int p_argcount, Variant & r_return_value, Callable::CallError & r_call_error) Line 109 godot.windows.editor.x86_64.mono.exe!Callable::callp(const Variant * * p_arguments, int p_argcount, Variant & r_return_value, Callable::CallError & r_call_error) Line 58 godot.windows.editor.x86_64.mono.exe!Object::emit_signalp(const StringName & p_name, const Variant * * p_args, int p_argcount) Line 1202 godot.windows.editor.x86_64.mono.exe!Node::emit_signalp(const StringName & p_name, const Variant * * p_args, int p_argcount) Line 4022 godot.windows.editor.x86_64.mono.exe!Object::emit_signal<>(const StringName & p_name) Line 922 godot.windows.editor.x86_64.mono.exe!Tree::gui_input(const Ref<InputEvent> & p_event) Line 3975 godot.windows.editor.x86_64.mono.exe!Control::_call_gui_input(const Ref<InputEvent> & p_event) Line 1826 godot.windows.editor.x86_64.mono.exe!Viewport::_gui_call_input(Control * p_control, const Ref<InputEvent> & p_input) Line 1627 godot.windows.editor.x86_64.mono.exe!Viewport::_gui_input_event(Ref<InputEvent> p_event) Line 1860 godot.windows.editor.x86_64.mono.exe!Viewport::push_input(const Ref<InputEvent> & p_event, bool p_local_coords) Line 3242 godot.windows.editor.x86_64.mono.exe!Window::_window_input(const Ref<InputEvent> & p_ev) Line 1693 [Inline Frame] godot.windows.editor.x86_64.mono.exe!call_with_variant_args_helper(Window *) Line 303 [Inline Frame] godot.windows.editor.x86_64.mono.exe!call_with_variant_args(Window * p_instance, void(Window::*)(const Ref<InputEvent> &) p_method, const Variant * *) Line 417 godot.windows.editor.x86_64.mono.exe!CallableCustomMethodPointer<Window,void,Ref<InputEvent> const &>::call(const Variant * * p_arguments, int p_argcount, Variant & r_return_value, Callable::CallError & r_call_error) Line 105 godot.windows.editor.x86_64.mono.exe!Callable::callp(const Variant * * p_arguments, int p_argcount, Variant & r_return_value, Callable::CallError & r_call_error) Line 58 godot.windows.editor.x86_64.mono.exe!Callable::call<Ref<InputEvent>>(Ref<InputEvent> <p_args_0>) Line 921 godot.windows.editor.x86_64.mono.exe!DisplayServerWindows::_dispatch_input_event(const Ref<InputEvent> & p_event) Line 4127 godot.windows.editor.x86_64.mono.exe!Input::_parse_input_event_impl(const Ref<InputEvent> & p_event, bool p_is_emulated) Line 922 godot.windows.editor.x86_64.mono.exe!Input::flush_buffered_events() Line 1203 godot.windows.editor.x86_64.mono.exe!DisplayServerWindows::process_events() Line 3566 godot.windows.editor.x86_64.mono.exe!OS_Windows::run() Line 2064 godot.windows.editor.x86_64.mono.exe!widechar_main(int argc, wchar_t * * argv) Line 181 godot.windows.editor.x86_64.mono.exe!_main() Line 208 godot.windows.editor.x86_64.mono.exe!main(int argc, char * * argv) Line 220 [External Code] ``` Physics Thread: ``` [Inline Frame] godot.windows.editor.x86_64.mono.exe!_Primitive_wait_for [External Code] [Inline Frame] godot.windows.editor.x86_64.mono.exe!std::condition_variable::wait(std::unique_lock<std::mutex> &) Line 557 [Inline Frame] godot.windows.editor.x86_64.mono.exe!ConditionVariable::wait(const MutexLock<MutexImpl<std::mutex>> &) Line 60 [Inline Frame] godot.windows.editor.x86_64.mono.exe!CommandQueueMT::_wait_for_sync(MutexLock<MutexImpl<std::mutex>> &) Line 403 godot.windows.editor.x86_64.mono.exe!CommandQueueMT::push_and_ret<RendererMeshStorage,RenderingServer::SurfaceData (__cdecl RendererMeshStorage::*)(RID,int)const ,RID,int,RenderingServer::SurfaceData>(RendererMeshStorage * p_instance, RenderingServer::SurfaceData(const RendererMeshStorage::*)(RID, int) p_method, RID p1, int p2, RenderingServer::SurfaceData * r_ret) Line 418 godot.windows.editor.x86_64.mono.exe!RenderingServerDefault::mesh_get_surface(RID p1, int p2) Line 366 godot.windows.editor.x86_64.mono.exe!RenderingServer::mesh_surface_get_arrays(RID p_mesh, int p_surface) Line 1703 godot.windows.editor.x86_64.mono.exe!JoltSoftBody3D::_ref_shared_data() Line 138 godot.windows.editor.x86_64.mono.exe!JoltSoftBody3D::_add_to_space() Line 108 godot.windows.editor.x86_64.mono.exe!JoltObject3D::_reset_space() Line 54 [Inline Frame] godot.windows.editor.x86_64.mono.exe!JoltSoftBody3D::_try_rebuild() Line 314 [Inline Frame] godot.windows.editor.x86_64.mono.exe!JoltSoftBody3D::_mesh_changed() Line 319 godot.windows.editor.x86_64.mono.exe!JoltSoftBody3D::set_mesh(const RID & p_mesh) Line 414 godot.windows.editor.x86_64.mono.exe!JoltPhysicsServer3D::soft_body_set_mesh(RID p_body, RID p_mesh) Line 999 godot.windows.editor.x86_64.mono.exe!CommandQueueMT::_flush() Line 374 [Inline Frame] godot.windows.editor.x86_64.mono.exe!CommandQueueMT::flush_all() Line 431 godot.windows.editor.x86_64.mono.exe!PhysicsServer3DWrapMT::_thread_loop() Line 43 [Inline Frame] godot.windows.editor.x86_64.mono.exe!call_with_variant_args_helper(PhysicsServer3DWrapMT *) Line 303 [Inline Frame] godot.windows.editor.x86_64.mono.exe!call_with_variant_args(PhysicsServer3DWrapMT * p_instance, void(PhysicsServer3DWrapMT::*)() p_method, const Variant * *) Line 417 godot.windows.editor.x86_64.mono.exe!CallableCustomMethodPointer<PhysicsServer3DWrapMT,void>::call(const Variant * * p_arguments, int p_argcount, Variant & r_return_value, Callable::CallError & r_call_error) Line 109 godot.windows.editor.x86_64.mono.exe!Callable::callp(const Variant * * p_arguments, int p_argcount, Variant & r_return_value, Callable::CallError & r_call_error) Line 58 [Inline Frame] godot.windows.editor.x86_64.mono.exe!Callable::call() Line 920 godot.windows.editor.x86_64.mono.exe!WorkerThreadPool::_process_task(WorkerThreadPool::Task * p_task) Line 142 godot.windows.editor.x86_64.mono.exe!WorkerThreadPool::_thread_function(void * p_user) Line 189 godot.windows.editor.x86_64.mono.exe!Thread::callback(unsigned __int64 p_caller_id, const Thread::Settings & p_settings, void(*)(void *) p_callback, void * p_userdata) Line 66 [External Code] godot.windows.editor.x86_64.mono.exe!thread_start<unsigned int (__cdecl*)(void *),1>(void * const parameter) Line 97 [External Code] ``` ### Steps to reproduce 1. Open attached project 2. Open scene "crash.tscn" 3. Observe that the editor hangs forever ### Minimal reproduction project (MRP) [cloth_crash.zip](https://github.com/user-attachments/files/18262481/cloth_crash.zip)
bug,topic:editor,topic:physics,topic:3d
low
Critical
2,761,167,915
flutter
Make _LocalizedShortcutLabeler public
### Use case Showing customizable shortcuts in the app could be a lot of code. Making the built in public could simplify the code. Additionally this could be useful to make my own menuitembutton with shortcuts. ### Proposal Change the name of the class from `_LocalizedShortcutLabeler` to `LocalizedShortcutLabeler`. https://github.com/flutter/flutter/blob/59e57437dba691e045dc417c705a9dc48db8acfb/packages/flutter/lib/src/material/menu_anchor.dart#L2292
framework,f: material design,c: proposal,P3,team-design,triaged-design
low
Minor
2,761,194,865
deno
Using vitest in a monorepo produces an unexpected module dependency error
Rewriting my issue from #23882 as requested, since it was bloated. Trying to use Deno 2.1.4 with Vitest 2.1.8 in a monorepo produces a strange error. The monorepo (nx) is roughly as follows: - apps/ - node-app1/ - node-app2/ - deno-app/ - functions/ - deno.json, deno.lock... - node_modules - libs/ - shared/src/... - node_modules/ - package.json, package-lock.json When i run `deno task --unstable-detect-cjs --unstable-sloppy-imports --unstable-node-globals test-vitest run` inside the deno-app folder, i get the following error: ```sh FAIL functions/_tests/vitest.example.test.ts [ functions/_tests/vitest.example.test.ts ] ReferenceError: exports is not defined โฏ ../../node_modules/redis/dist/index.js:16:23 14| for (var p in m) if (p !== "default" && !Object.prototype.hasOwnProperty.call(exports, p)) __createBinding(exports, m, p); 15| }; 16| Object.defineProperty(exports, "__esModule", { value: true }); | ^ 17| exports.createCluster = exports.createClient = void 0; 18| const client_1 = require("@redis/client"); ``` The error is related to node-redis package. I am not actually using node-redis as it is not compatible with Deno, though I have to keep it because my node apps use it. Also, the error indicates that Deno detects it from the node_modules outside the deno app, not the one inside the deno-app. The root node_modules is only for the node apps, and i don't reference anything there from deno-app. **deno.json** ```json { "importMap": "./functions/import_map.json", "nodeModulesDir": "auto", "compilerOptions": { "lib": ["deno.window", "deno.unstable"] }, "tasks": { "test-vitest": "vitest" } } ``` **import_map.json**: ```json { "imports": { "assert": "node:assert", "async_hooks": "node:async_hooks", "buffer": "node:buffer", "child_process": "node:child_process", "crypto": "node:crypto", "deno-redis": "jsr:@db/[email protected]", "dns": "node:dns", "dns/promises": "node:dns/promises", "@shared/": "../../../libs/shared/src/", "dotenv": "npm:dotenv", "events": "node:events", "fs": "node:fs", "fs/promises": "node:fs/promises", "happy-dom": "npm:happy-dom", "http": "node:http", "https": "node:https", "http2": "node:http2", "module": "node:module", "net": "node:net", "os": "node:os", "path": "node:path", "perf_hooks": "node:perf_hooks", "redis": "npm:redis", "querystring": "node:querystring", "readline": "node:readline", "readline/promises": "node:readline/promises", "stream": "node:stream", "stream/promises": "node:stream/promises", "stream/consumers": "node:stream/consumers", "stream/web": "node:stream/web", "tls": "node:tls", "tty": "node:tty", "url": "node:url", "util": "node:util", "vitest": "npm:[email protected]", "zlib": "node:zlib" } } ``` **vite.config.mts** ```ts import { defineConfig } from "vitest/config"; import path from "path"; export default defineConfig({ root: Deno.cwd(), resolve: { alias: { "@shared": path.resolve("../../libs/shared/src"), } }, test: { watch: false, globals: true, environment: "node", // also tried happy-dom include: ["functions/_tests/vitest.example.test.ts"], passWithNoTests: true, pool: "threads", isolate: false, setupFiles: [ "./vitest.setup.mts" ] }, }); ```
bug,node compat
low
Critical
2,761,209,532
vscode
Some sidebar items, such as Copilot Edits, select colors from unrelated elements
<!-- โš ๏ธโš ๏ธ Do Not Delete This! bug_report_template โš ๏ธโš ๏ธ --> <!-- Please read our Rules of Conduct: https://opensource.microsoft.com/codeofconduct/ --> <!-- ๐Ÿ•ฎ Read our guide about submitting issues: https://github.com/microsoft/vscode/wiki/Submitting-Bugs-and-Suggestions --> <!-- ๐Ÿ”Ž Search existing issues to avoid creating duplicates. --> <!-- ๐Ÿงช Test using the latest Insiders build to see if your issue has already been fixed: https://code.visualstudio.com/insiders/ --> <!-- ๐Ÿ’ก Instead of creating your report here, use 'Report Issue' from the 'Help' menu in VS Code to pre-fill useful information. --> <!-- ๐Ÿ”ง Launch with `code --disable-extensions` to check. --> Does this issue occur when all extensions are disabled?: Yes/No <!-- ๐Ÿช“ If you answered No above, use 'Help: Start Extension Bisect' from Command Palette to try to identify the cause. --> <!-- ๐Ÿ“ฃ Issues caused by an extension need to be reported directly to the extension publisher. The 'Help > Report Issue' dialog can assist with this. --> - VS Code Version: 1.96.2 - OS Version: Windows 10, Windows 11 Steps to Reproduce: 1. Activate any color theme with sidebars that use a different color scheme than the main editor window. 2. Open Copilot Edits. Items in the sidebar may be invisible or difficult to see depending on the source elements use color. In this example, the main editor uses a light background with dark text, while the sidebars use a dark background with light text. The Copilot Edits file list uses the background of the main editor and the text color of the sidebars, causing its text to have almost no contrast against its background. ![Image](https://github.com/user-attachments/assets/49abdad6-3dea-4ea3-9855-ce891d0c7e08) I suggest that sidebar widgets should select colors from a single source section that would use paired background/foreground. I.e., all from the editor settings, all from sidebar settings, etc.
bug,cross-file-editing
low
Critical
2,761,209,791
PowerToys
Have setting for Screen Ruler to close on click
### Description of the new feature / enhancement When this setting is enabled, then clicking anywhere on the screen whilst in ruler mode will: 1. Copy the measurement to the clipboard (as it does presently) 2. Close the ruler (_not done presently_) The only ways to close the ruler currently are to move the mouse back to the top of the screen and close the utility, or to press ESC on the keyboard. ### Scenario when this would be used? I have a button on my screen that calls an AutoHotkey script. This script in turn enters the necessary keyboard combination to open the ruler. I have created this button so that I can quickly make measurements with just the mouse. The current options of closing the utility are slower than just being able to click the mouse (where my hand and cursor already are) rather than having to move my hand to the ESC key or the cursor to the top of the screen. ### Supporting information _No response_
Needs-Triage
low
Major
2,761,218,250
vscode
Please add "Diff Editor: Render Side By Side" to the Command Palette or to the diff view's context menu, or to the both places
<!-- โš ๏ธโš ๏ธ Do Not Delete This! feature_request_template โš ๏ธโš ๏ธ --> <!-- Please read our Rules of Conduct: https://opensource.microsoft.com/codeofconduct/ --> <!-- Please search existing issues to avoid creating duplicates. --> When dealing with the diff view, sometimes it is more preferable to see the diff (changes) inline rather than side by side. It completely depends on the nature of changes in each particular file, so the option hidden somewhere under Settings -> Text Editor -> Diff Editor is not a good way to change this setting frequently, on-the-fly, by demand. If such an option existed in the Command Palette or in the diff view's context menu, or in the both places, it would be much more handy.
info-needed
low
Minor
2,761,233,077
godot
Crash on searching in the "Pick Root Node Type" dialog
### Tested versions Crash occurred in v4.4.dev.custom_build [99a8ab795] ### System information Linux X11 Debian ### Issue description Searching in the "Pick Root Node Type" dialog crashes the Editor. ``` ================================================================ handle_crash: Program crashed with signal 4 Engine version: Godot Engine v4.4.dev.custom_build (99a8ab795d65e816ea7c452aa0fb55d02385c048) Dumping the backtrace. Please include this when reporting the bug to the project developer. [1] /lib/x86_64-linux-gnu/libc.so.6(+0x3c050) [0x7fc0e2c87050] (??:0) [2] HashMap<String, DocData::ClassDoc, HashMapHasherDefault, HashMapComparatorDefault<String>, DefaultTypedAllocator<HashMapElement<String, DocData::ClassDoc> > >::operator[](String const&) const (/srv/nobackup/godot-compile/godot/./core/templates/hash_map.h:581) [3] EditorHelpBit::_update_labels() (/srv/nobackup/godot-compile/godot/./editor/editor_help.cpp:3713) [4] EditorHelpBit::parse_symbol(String const&, String const&) (/srv/nobackup/godot-compile/godot/./editor/editor_help.cpp:4099) [5] CreateDialog::select_type(String const&, bool) (/srv/nobackup/godot-compile/godot/./editor/create_dialog.cpp:505) [6] CreateDialog::_item_selected() (/srv/nobackup/godot-compile/godot/./editor/create_dialog.cpp:571) [7] void call_with_variant_args_helper<CreateDialog>(CreateDialog*, void (CreateDialog::*)(), Variant const**, Callable::CallError&, IndexSequence<>) (/srv/nobackup/godot-compile/godot/./core/variant/binder_common.h:308) [8] void call_with_variant_args<CreateDialog>(CreateDialog*, void (CreateDialog::*)(), Variant const**, int, Callable::CallError&) (/srv/nobackup/godot-compile/godot/./core/variant/binder_common.h:418) [9] CallableCustomMethodPointer<CreateDialog, void>::call(Variant const**, int, Variant&, Callable::CallError&) const (/srv/nobackup/godot-compile/godot/./core/object/callable_method_pointer.h:109) [10] Callable::callp(Variant const**, int, Variant&, Callable::CallError&) const (/srv/nobackup/godot-compile/godot/./core/variant/callable.cpp:58) [11] Object::emit_signalp(StringName const&, Variant const**, int) (/srv/nobackup/godot-compile/godot/./core/object/object.cpp:1199) [12] Node::emit_signalp(StringName const&, Variant const**, int) (/srv/nobackup/godot-compile/godot/./scene/main/node.cpp:4021) [13] Error Object::emit_signal<>(StringName const&) (/srv/nobackup/godot-compile/godot/./core/object/object.h:922) [14] Tree::select_single_item(TreeItem*, TreeItem*, int, TreeItem*, bool*, bool) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:2807) [15] Tree::select_single_item(TreeItem*, TreeItem*, int, TreeItem*, bool*, bool) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:2845) [16] Tree::select_single_item(TreeItem*, TreeItem*, int, TreeItem*, bool*, bool) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:2845) [17] Tree::select_single_item(TreeItem*, TreeItem*, int, TreeItem*, bool*, bool) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:2845) [18] Tree::select_single_item(TreeItem*, TreeItem*, int, TreeItem*, bool*, bool) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:2845) [19] Tree::select_single_item(TreeItem*, TreeItem*, int, TreeItem*, bool*, bool) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:2845) [20] Tree::select_single_item(TreeItem*, TreeItem*, int, TreeItem*, bool*, bool) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:2845) [21] Tree::select_single_item(TreeItem*, TreeItem*, int, TreeItem*, bool*, bool) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:2845) [22] Tree::item_selected(int, TreeItem*) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:?) [23] TreeItem::_cell_selected(int) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:93) [24] TreeItem::select(int) (/srv/nobackup/godot-compile/godot/./scene/gui/tree.cpp:1254) [25] CreateDialog::select_type(String const&, bool) (/srv/nobackup/godot-compile/godot/./editor/create_dialog.cpp:502) [26] CreateDialog::_update_search() (/srv/nobackup/godot-compile/godot/./editor/create_dialog.cpp:221) [27] CreateDialog::_text_changed(String const&) (/srv/nobackup/godot-compile/godot/./editor/create_dialog.cpp:446) [28] void call_with_variant_args_helper<CreateDialog, String const&, 0ul>(CreateDialog*, void (CreateDialog::*)(String const&), Variant const**, Callable::CallError&, IndexSequence<0ul>) (/srv/nobackup/godot-compile/godot/./core/variant/binder_common.h:303) [29] void call_with_variant_args<CreateDialog, String const&>(CreateDialog*, void (CreateDialog::*)(String const&), Variant const**, int, Callable::CallError&) (/srv/nobackup/godot-compile/godot/./core/variant/binder_common.h:418) [30] CallableCustomMethodPointer<CreateDialog, void, String const&>::call(Variant const**, int, Variant&, Callable::CallError&) const (/srv/nobackup/godot-compile/godot/./core/object/callable_method_pointer.h:109) [31] Callable::callp(Variant const**, int, Variant&, Callable::CallError&) const (/srv/nobackup/godot-compile/godot/./core/variant/callable.cpp:58) [32] Object::emit_signalp(StringName const&, Variant const**, int) (/srv/nobackup/godot-compile/godot/./core/object/object.cpp:1199) [33] Node::emit_signalp(StringName const&, Variant const**, int) (/srv/nobackup/godot-compile/godot/./scene/main/node.cpp:4021) [34] Error Object::emit_signal<String>(StringName const&, String) (/srv/nobackup/godot-compile/godot/./core/object/object.h:922) [35] LineEdit::_emit_text_change() (/srv/nobackup/godot-compile/godot/./scene/gui/line_edit.cpp:2547) [36] LineEdit::_text_changed() (/srv/nobackup/godot-compile/godot/./scene/gui/line_edit.cpp:2542) [37] void call_with_variant_args_helper<LineEdit>(LineEdit*, void (LineEdit::*)(), Variant const**, Callable::CallError&, IndexSequence<>) (/srv/nobackup/godot-compile/godot/./core/variant/binder_common.h:308) [38] void call_with_variant_args<LineEdit>(LineEdit*, void (LineEdit::*)(), Variant const**, int, Callable::CallError&) (/srv/nobackup/godot-compile/godot/./core/variant/binder_common.h:418) [39] CallableCustomMethodPointer<LineEdit, void>::call(Variant const**, int, Variant&, Callable::CallError&) const (/srv/nobackup/godot-compile/godot/./core/object/callable_method_pointer.h:109) [40] Callable::callp(Variant const**, int, Variant&, Callable::CallError&) const (/srv/nobackup/godot-compile/godot/./core/variant/callable.cpp:58) [41] CallQueue::_call_function(Callable const&, Variant const*, int, bool) (/srv/nobackup/godot-compile/godot/./core/object/message_queue.cpp:221) [42] CallQueue::flush() (/srv/nobackup/godot-compile/godot/./core/object/message_queue.cpp:270) [43] SceneTree::process(double) (/srv/nobackup/godot-compile/godot/./scene/main/scene_tree.cpp:574) [44] Main::iteration() (/srv/nobackup/godot-compile/godot/main/main.cpp:4471) [45] OS_LinuxBSD::run() (/srv/nobackup/godot-compile/godot/platform/linuxbsd/os_linuxbsd.cpp:962) [46] ./bin/master-godot(main+0x18e) [0x55bf2941db7e] (/srv/nobackup/godot-compile/godot/platform/linuxbsd/godot_linuxbsd.cpp:86) [47] /lib/x86_64-linux-gnu/libc.so.6(+0x2724a) [0x7fc0e2c7224a] (??:0) [48] /lib/x86_64-linux-gnu/libc.so.6(__libc_start_main+0x85) [0x7fc0e2c72305] (??:0) [49] ./bin/master-godot(_start+0x21) [0x55bf2941d921] (??:?) -- END OF BACKTRACE -- ================================================================ ``` ### Steps to reproduce 1. I had several new Node classes defined in GDScript 2. I have opened the "Create new Scene" dialog via the FileSystem dock 3. I have opened in the new window the "Pick Root Node Type" dialog 4. I have entered a few letters in the search bar, then the crash occurred Unfortunately I wasn't yet able to recreate the crash ### Minimal reproduction project (MRP) I will provide one, when I can reliably recreate the crash
bug,topic:editor,needs testing,crash
low
Critical
2,761,233,948
flutter
Support for Kotlin 1.9 and 2.0 in flutter module template
### Use case Hi! Our Android project is integrated with Flutter trough [flutter module](https://docs.flutter.dev/add-to-app/android/project-setup); it's a large native codebase project where we are migrating to 100% Flutter. # Context The native side setup is built with `Kotlin 2.0 and AGP 8.2.2` and we are doing well using flutter `3.24.0`, which uses `Kotlin 1.7.10 and agp 7.3.0`, defined from default variable [templateKotlinGradlePluginVersion](https://github.com/flutter/flutter/blob/80c2e84975bbd28ecf5f8d4bd4ca5a2490bfc819/packages/flutter_tools/lib/src/android/gradle_utils.dart#L33) and [templateAndroidGradlePluginVersionForModule](https://github.com/flutter/flutter/blob/80c2e84975bbd28ecf5f8d4bd4ca5a2490bfc819/packages/flutter_tools/lib/src/android/gradle_utils.dart#L32C14-L32C57) respectively, variables used to generate the `.android` folder for every run of `flutter pub get` or `flutter build aar`. # Problem We are bumping our code base Flutter (plugins and third-party libraries) to Kotlin 2.0 and AGP 8.2.2 (like the native project setup), but we are not able to build the aar after upgrading the `dynatrace_flutter_plugin`. Which is reproducing the following output: ``` e: file:///Users/xxx/.pub-cache/hosted/pub.dev/dynatrace_flutter_plugin-3.305.2/android/src/main/kotlin/com/dynatrace/android/agent/SettingsApiImpl.kt:32:21 This declaration needs opt-in. Its usage must be marked with '@kotlin.ExperimentalStdlibApi' or '@OptIn(kotlin.ExperimentalStdlibApi::class)' e: file:///Users/xxxx/.pub-cache/hosted/pub.dev/dynatrace_flutter_plugin-3.305.2/android/src/main/kotlin/com/dynatrace/android/agent/SettingsApiImpl.kt:32:41 This declaration needs opt-in. Its usage must be marked with '@kotlin.ExperimentalStdlibApi' or '@OptIn(kotlin.ExperimentalStdlibApi::class)' e: file:///Users/xxx/.pub-cache/hosted/pub.dev/dynatrace_flutter_plugin-3.305.2/android/src/main/kotlin/com/dynatrace/android/agent/SettingsApiImpl.kt:32:41 The feature "enum entries" is only available since language version 1.9 ``` This error indicates that the build of aar is using a Kotlin version below than 1.9.0; that is true, because in Flutter `3.27.0` the Kotlin version for templates is [1.8.22.](https://github.com/flutter/flutter/blob/8495dee1fd4aacbe9de707e7581203232f591b2f/packages/flutter_tools/lib/src/android/gradle_utils.dart#L32) # Steps to reproduce The error above is reproduced using flutter `3.27.0`. 1. Create module: `flutter create -t module sample_module` 2. Add dynatrace plugin: `cd sample_module && flutter pub add dynatrace_flutter_plugin` 3. Build aar: `flutter build aar` * *Note:* The same occur using Flutter versions `3.24.0` and `3.24.3` # Our proposals Following the above scenario, we are requesting some of the following options to solve this problem: ## 1. Flexibility template options Extend the functionality of pubspec yaml field `module` to support the definition of Kotlin, AGP, Gradle and the android.compileOptions.targetCompatibility/sourceCompatibility through YAML. Example: ```yaml name: sample_module description: lorem epsum version: 1.0.0+1 environment: .... dependencies: ... flutter: module: androidX: true androidPackage: br.com.sample_module ... kotlinVersion: 2.0.0 agpVersion: 8.2.2 gradleVresion: 8.2-all javaTargetCompatiblity: 17 javaSourceCompatibility: 17 ``` ## 2. Create a toggle to prevent .android folder recreation [The Android setup has a note warning about the auto generated .android folder](https://docs.flutter.dev/add-to-app/android/project-setup). It will be great if exists an toggle to turn off this auto-generation, so we can manually adjust the project and push to our repository. ## 3. Create a template that's supports kotlin 2.0 and AGP 8.x Create a new template, adjusting setting up JAVA_17 and removing AndroidManifest.xml `package` field. Details [here](https://medium.com/@kacper.wojciechowski/kotlin-2-0-android-project-migration-guide-b1234fbbff65) # Conclusion I hope you guys understand our scenario and the steps to reproduce the error. Any doubts, touch me through e-mail: [email protected]. Best Regards, Reberth Kelvin
c: new feature,platform-android,tool,t: gradle,a: existing-apps,c: proposal,team-android
low
Critical
2,761,250,534
next.js
Nested node_modules causes incorrect bundling
### Link to the code that reproduces this issue https://github.com/Netail/repro-nested-modules ### To Reproduce 1. Install packages using `yarn install` 2. Run the web app `yarn dev` 3. Observe `[TypeError: this.getDefaultUrl is not a function]` being thrown ### Current vs. Expected behavior The error itself seems to come from the file `OTLPExporterBase.js` in the `@opentelemetry/otlp-exporter-base` package. In the `packages/client-observability` package we use `@grafana/faro-web-tracing`, which under water uses `@opentelemetry/otlp-exporter-base` version v0.53.0 In the `packages/server-observability` package we use `@opentelemetry/otlp-grpc-exporter-base`, which under water uses `@opentelemetry/otlp-exporter-base` version v0.57.0 Since v0.54.0 the getDefaultUrl has been removed / replaced. Each have their own version installed somewhere in the `node_modules`, so each should target their own version. v0.53.0 is located directly node_modules folder (`node_modules/@opentelemetry/otlp-exporter-base`) and v0.57.0 is located in a nested node_modules folder (`node_modules/@opentelemetry/otlp-grpc-exporter-base/node_modules/@opentelemetry/otlp-exporter-base`). For some reason, bundling seems to be taking v0.57.0 in both cases. Throwing the error for the packages which should use v0.53.0. If I revert the 0.57.0 versions in the server-observability package, the dev server starts without errors ### Provide environment information ```bash Operating System: Platform: darwin Arch: arm64 Version: Darwin Kernel Version 24.1.0: Thu Oct 10 21:03:15 PDT 2024; root:xnu-11215.41.3~2/RELEASE_ARM64_T6000 Available memory (MB): 32768 Available CPU cores: 10 Binaries: Node: 22.11.0 npm: 10.9.0 Yarn: 1.22.22 pnpm: 9.6.0 Relevant Packages: next: 15.1.3 // Latest available version is detected (15.1.3). eslint-config-next: N/A react: 19.0.0 react-dom: 19.0.0 typescript: 5.5.4 Next.js Config: output: N/A ``` ### Which area(s) are affected? (Select all that apply) Turbopack, Upstream, Webpack ### Which stage(s) are affected? (Select all that apply) next dev (local), next start (local) ### Additional context This happens for both Webpack & Turbopack, could possible be upstream?
Upstream,Webpack,Turbopack
low
Critical
2,761,261,790
flutter
[web] Upgrading to 3.27.1 results in NoSuchMethodError: method not found: 'quickReject' (quickReject is not a function)
### Steps to reproduce 1. Upgrade Flutter web from 3.24.5 stable to 3.27.1 stable 2. `flutter build web --web-renderer canvaskit --source-maps` ### Expected results No errors are expected. ### Actual results We're seeing tens of thousands of `method not found: 'quickReject'` errors per day on Flutter 3.27.1 stable on all browsers, affecting a small subset of users. Seen on: * Latest Safari * Latest Firefox * Latest Chrome * Latest Edge Example stack A: ``` NoSuchMethodError: NoSuchMethodError: method not found: 'quickReject' (m.a.quickReject is not a function) at MeasureVisitor.visitPicture(org-dartlang-sdk:///lib/_engine/engine/canvaskit/canvas.dart:351:12) at PictureLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:224:5) at MeasureVisitor.measureChildren(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:250:9) at MeasureVisitor.visitTransform(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:343:5) at MeasureVisitor.visitOffset(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:349:5) at OffsetEngineLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:162:5) at MeasureVisitor.measureChildren(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:250:9) at MeasureVisitor.visitTransform(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:343:5) at MeasureVisitor.visitOffset(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:349:5) at OffsetEngineLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:162:5) ``` Example stack B: ``` NoSuchMethodError: NoSuchMethodError: method not found: 'quickReject' (m.a.quickReject is not a function. (In 'm.a.quickReject(A.kp(A.aMG(s.a.cullRect())))', 'm.a.quickReject' is undefined)) at MeasureVisitor.visitPicture(org-dartlang-sdk:///lib/_engine/engine/canvaskit/canvas.dart:351:12) at PictureLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:224:5) at MeasureVisitor.measureChildren(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:250:9) at MeasureVisitor.visitTransform(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:343:5) at MeasureVisitor.visitOffset(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:349:5) at OffsetEngineLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:162:5) at MeasureVisitor.measureChildren(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:250:9) at MeasureVisitor.visitTransform(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:343:5) at MeasureVisitor.visitOffset(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:349:5) at OffsetEngineLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:162:5) at MeasureVisitor.measureChildren(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:250:9) at MeasureVisitor.visitTransform(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:343:5) at MeasureVisitor.visitOffset(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:349:5) at OffsetEngineLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:162:5) at MeasureVisitor.measureChildren(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:250:9) at MeasureVisitor.visitTransform(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:343:5) at MeasureVisitor.visitOffset(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:349:5) at OffsetEngineLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:162:5) at MeasureVisitor.measureChildren(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:250:9) at MeasureVisitor.visitTransform(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:343:5) at MeasureVisitor.visitOffset(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:349:5) at OffsetEngineLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:162:5) at MeasureVisitor.measureChildren(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:250:9) at MeasureVisitor.visitClipRect(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:296:5) at ClipRectEngineLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:102:5) at MeasureVisitor.measureChildren(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:250:9) at MeasureVisitor.visitTransform(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:343:5) at TransformEngineLayer.accept(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:146:5) at MeasureVisitor.measureChildren(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:250:9) at MeasureVisitor.visitRoot(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_visitor.dart:257:5) at Frame.raster.<anonymous function>(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer.dart:54:5) at timeAction(org-dartlang-sdk:///lib/_engine/engine/profiler.dart:41:12) at Frame.raster(org-dartlang-sdk:///lib/_engine/engine/canvaskit/layer_tree.dart:94:5) at ViewRasterizer.draw(org-dartlang-sdk:///lib/_engine/engine/canvaskit/rasterizer.dart:64:21) at _wrapJsFunctionForAsync(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:311:19) at _wrapJsFunctionForAsync.<anonymous function>(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:336:23) at _asyncStartSync(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:241:3) at ViewRasterizer.draw(org-dartlang-sdk:///lib/_engine/engine/canvaskit/rasterizer.dart:45:19) at ViewRasterizer.draw(org-dartlang-sdk:///lib/_engine/engine/canvaskit/rasterizer.dart:45:19) at CanvasKitRenderer._renderScene(org-dartlang-sdk:///lib/_engine/engine/canvaskit/renderer.dart:451:11) at _wrapJsFunctionForAsync(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:311:19) at _wrapJsFunctionForAsync.<anonymous function>(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:336:23) at _asyncStartSync(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:241:3) at CanvasKitRenderer._renderScene(org-dartlang-sdk:///lib/_engine/engine/canvaskit/renderer.dart:448:5) at CanvasKitRenderer._renderScene(org-dartlang-sdk:///lib/_engine/engine/canvaskit/renderer.dart:448:5) at CanvasKitRenderer._kickRenderLoop(org-dartlang-sdk:///lib/_engine/engine/canvaskit/renderer.dart:425:13) at _wrapJsFunctionForAsync(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:311:19) at _wrapJsFunctionForAsync.<anonymous function>(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:336:23) at _asyncStartSync(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:241:3) at CanvasKitRenderer._kickRenderLoop(org-dartlang-sdk:///lib/_engine/engine/canvaskit/renderer.dart:422:23) at CanvasKitRenderer._kickRenderLoop(org-dartlang-sdk:///lib/_engine/engine/canvaskit/renderer.dart:422:23) at CanvasKitRenderer.renderScene(org-dartlang-sdk:///lib/_engine/engine/canvaskit/renderer.dart:417:15) at _wrapJsFunctionForAsync(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:311:19) at _wrapJsFunctionForAsync.<anonymous function>(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:336:23) at _asyncStartSync(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:241:3) at CanvasKitRenderer.renderScene(org-dartlang-sdk:///lib/_engine/engine/canvaskit/renderer.dart:401:26) at CanvasKitRenderer.renderScene(org-dartlang-sdk:///lib/_engine/engine/canvaskit/renderer.dart:401:26) at EnginePlatformDispatcher.render(org-dartlang-sdk:///lib/_engine/engine/platform_dispatcher.dart:839:22) at _wrapJsFunctionForAsync(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:311:19) at _wrapJsFunctionForAsync.<anonymous function>(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:336:23) at _asyncStartSync(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/async_patch.dart:241:3) at EnginePlatformDispatcher.render(org-dartlang-sdk:///lib/_engine/engine/platform_dispatcher.dart:822:30) at EnginePlatformDispatcher.render(org-dartlang-sdk:///lib/_engine/engine/platform_dispatcher.dart:822:30) at RenderView.compositeFrame(org-dartlang-sdk:///lib/_engine/engine/window.dart:106:5) at RendererBinding.drawFrame(../../../../programs/flutter/packages/flutter/lib/src/rendering/binding.dart:614:20) at _WidgetsFlutterBinding&BindingBase&GestureBinding&SchedulerBinding&ServicesBinding&PaintingBinding&SemanticsBinding&RendererBinding&WidgetsBinding.drawFrame(../../../../programs/flutter/packages/flutter/lib/src/widgets/binding.dart:1178:13) at RendererBinding._handlePersistentFrameCallback(../../../../programs/flutter/packages/flutter/lib/src/rendering/binding.dart:475:5) at A.cB4(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/js_helper.dart:2352:9) at SchedulerBinding._invokeFrameCallback(../../../../programs/flutter/packages/flutter/lib/src/scheduler/binding.dart:1397:7) at A.t9.prototypeaof(../../../../programs/flutter/packages/flutter/lib/src/scheduler/binding.dart:1390:8) at SchedulerBinding.handleDrawFrame(../../../../programs/flutter/packages/flutter/lib/src/scheduler/binding.dart:1318:9) at _SentryWidgetsFlutterBinding&WidgetsFlutterBinding&SentryWidgetsBindingMixin.handleDrawFrame(../../../../.pub-cache/hosted/pub.dev/sentry_flutter-8.12.0/lib/src/binding_wrapper.dart:115:11) at SchedulerBinding._handleDrawFrame(../../../../programs/flutter/packages/flutter/lib/src/scheduler/binding.dart:1176:5) at A.cB4(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/js_helper.dart:2342:9) at A.c13(org-dartlang-sdk:///dart-sdk/lib/async/zone.dart:1414:12) at _CustomZone.run(org-dartlang-sdk:///dart-sdk/lib/async/zone.dart:1405:3) at _CustomZone.run(org-dartlang-sdk:///dart-sdk/lib/async/zone.dart:1316:34) at _CustomZone.runGuarded(org-dartlang-sdk:///dart-sdk/lib/async/zone.dart:1225:7) at invoke(org-dartlang-sdk:///lib/_engine/engine/platform_dispatcher.dart:1410:9) at initializeEngineServices.<anonymous function>.<anonymous function>(org-dartlang-sdk:///lib/_engine/engine/platform_dispatcher.dart:310:5) at _callDartFunctionFast1(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/js_allow_interop_patch.dart:347:27) at _functionToJS1(org-dartlang-sdk:///dart-sdk/lib/_internal/js_runtime/lib/js_allow_interop_patch.dart:127:11) ``` ### Code sample We are unable to reproduce the issue with any code sample. ### Screenshots or Video _No response_ ### Logs _No response_ ### Flutter Doctor output <details open><summary>Doctor output</summary> ```console [โœ“] Flutter (Channel stable, 3.27.1, on macOS 15.1.1 24B91 darwin-arm64, locale en-US) โ€ข Flutter version 3.27.1 on channel stable at /Users/james/fvm/versions/3.27.1 โ€ข Upstream repository https://github.com/flutter/flutter.git โ€ข Framework revision 17025dd882 (10 days ago), 2024-12-17 03:23:09 +0900 โ€ข Engine revision cb4b5fff73 โ€ข Dart version 3.6.0 โ€ข DevTools version 2.40.2 ``` </details>
c: regression,platform-web,a: production,team-web
medium
Critical
2,761,272,095
next.js
SWC minifier changes Temporal workflow names in turborepo setup
### Link to the code that reproduces this issue https://github.com/njoshi22 ### To Reproduce 1. Create Next app as apps/web 2. Create separate temporal packages for activities and workflows 3. Create temporal client as part of an API route apps/web and import one of the workflows from the workflows package 4. Call the temporal workflow from the NextJS client API route ### Current vs. Expected behavior SWC minifies Temporal workflow name and it cannot be resolved against the actual workflow name within the Temporal environment. The only fix for this is to set `swcMinify: false` in next.config.js, and update manual webpack config with Terser to set `keep_fnames: true`. ### Provide environment information ```bash Operating System: Platform: darwin Arch: arm64 Version: Darwin Kernel Version 24.2.0: Fri Dec 6 19:01:59 PST 2024; root:xnu-11215.61.5~2/RELEASE_ARM64_T6000 Available memory (MB): 16384 Available CPU cores: 8 Binaries: Node: 20.15.1 npm: 10.7.0 Yarn: 1.22.19 pnpm: 9.12.1 Relevant Packages: next: 14.2.18 // An outdated version detected (latest is 15.1.3), upgrade is highly recommended! eslint-config-next: 14.2.5 react: 18.3.1 react-dom: 18.3.1 typescript: 5.5.4 Next.js Config: output: N/A ``` ### Which area(s) are affected? (Select all that apply) SWC ### Which stage(s) are affected? (Select all that apply) next build (local), next start (local), Vercel (Deployed) ### Additional context Tested this against next 14 and 15 builds
SWC
low
Minor
2,761,292,241
flutter
[monorepo] mac builds too slow
`Linux mac_android_aot_engine`, `Mac mac_host_engine`, `Mac mac_ios_engine`, etc are currently the biggest source of build slowness in the PRs and the MQ. Frequently, everything else is long done, and the PR cannot land waiting for the last couple of mac build to finish, for example: ![Screenshot 2024-12-27 at 12 43 07โ€ฏPM](https://github.com/user-attachments/assets/3c252af0-f694-4e18-bf9d-d65edc9caede) We should really look into optimizing those. A few possible directions: * **More optimal builds**: some drones take way too much time, like [host_debug](https://ci.chromium.org/ui/p/flutter/builders/prod/Mac%20Production%20Engine%20Drone/552325/overview) and [mac_debug_arm64](https://ci.chromium.org/ui/p/flutter/builders/prod/Mac%20Production%20Engine%20Drone/552333/overview). Are they building too much? Can we split the work into smaller pieces? * **Retry-friendly sharding**: for example, [mac_host_engine](https://ci.chromium.org/ui/p/flutter/builders/prod/Mac%20mac_host_engine/13648/overview) schedules 18 build drones. If any one of them fails, all 18 builds have to be retried. We could instead have several builders each containing fewer drones, so if you need to retry one, you have to redo less work. * **Upload artifacts from drones**: [this builder](https://ci.chromium.org/ui/p/flutter/builders/prod/Mac%20mac_host_engine/13648/overview) downloads artifacts built by drones one by one in a series of 2-minute tasks, then spends another 2.6 minutes uploading them to GCS. Instead, each drone could immediately upload its artifacts to GCS without having to download anything.
team-infra,P1,monorepo
medium
Critical
2,761,300,918
flutter
flutter attach fails to discover Dart VM service on iOS Simulator in add2app setup
I'm experiencing an issue where the `flutter attach` command fails to automatically discover the Dart VM service when running a Flutter module in an iOS Simulator. The command works correctly on a physical device, and I can manually connect using the `--debug-url` option with the Dart VM address. ### Steps to reproduce 1. Create a Flutter module using `flutter create -t module my_flutter_module`. 2. Create a new iOS app in Xcode and integrate the Flutter module following the [add-to-app documentation](https://docs.flutter.dev/add-to-app/ios/project-setup). 3. Run the iOS app on the iOS Simulator using Xcode. 4. Attempt to attach using `flutter attach` from the Flutter module directory. ### Expected results The `flutter attach` command should automatically discover and connect to the Dart VM service running in the iOS Simulator. ### Actual results The `flutter attach -v` gets stuck indefinitely with the message: "The Dart VM Service was not discovered after 30 seconds. This is taking much longer than expected..." (logs below) ### Code sample https://github.com/MDemetrio/attach_add2app_reproduction ### Screenshots or Video N/A ### Logs <details open><summary>Logs</summary> ```console my_flutter_module % flutter attach -v [ +8 ms] executing: sw_vers -productName [ +16 ms] Exit code 0 from: sw_vers -productName [ ] macOS [ ] executing: sw_vers -productVersion [ +15 ms] Exit code 0 from: sw_vers -productVersion [ ] 13.5.1 [ ] executing: sw_vers -buildVersion [ +15 ms] Exit code 0 from: sw_vers -buildVersion [ ] 22G90 [ ] executing: uname -m [ +5 ms] Exit code 0 from: uname -m [ ] x86_64 [ +5 ms] executing: sysctl hw.optional.arm64 [ +4 ms] Exit code 1 from: sysctl hw.optional.arm64 [ ] sysctl: unknown oid 'hw.optional.arm64' [ +103 ms] executing: sysctl hw.optional.arm64 [ +7 ms] Exit code 1 from: sysctl hw.optional.arm64 [ ] sysctl: unknown oid 'hw.optional.arm64' [ ] executing: xcrun xcodebuild -version [ +251 ms] Exit code 0 from: xcrun xcodebuild -version [ ] Xcode 15.2 Build version 15C500b [ +3 ms] executing: xcrun xcdevice list --timeout 5 [ +5 ms] Artifact Instance of 'AndroidGenSnapshotArtifacts' is not required, skipping update. [ ] Artifact Instance of 'AndroidInternalBuildArtifacts' is not required, skipping update. [ ] Artifact Instance of 'IOSEngineArtifacts' is not required, skipping update. [ ] Artifact Instance of 'FlutterWebSdk' is not required, skipping update. [ ] Artifact Instance of 'LegacyCanvasKitRemover' is not required, skipping update. [ +2 ms] Artifact Instance of 'WindowsEngineArtifacts' is not required, skipping update. [ ] Artifact Instance of 'MacOSEngineArtifacts' is not required, skipping update. [ ] Artifact Instance of 'LinuxEngineArtifacts' is not required, skipping update. [ ] Artifact Instance of 'LinuxFuchsiaSDKArtifacts' is not required, skipping update. [ ] Artifact Instance of 'MacOSFuchsiaSDKArtifacts' is not required, skipping update. [ ] Artifact Instance of 'FlutterRunnerSDKArtifacts' is not required, skipping update. [ ] Artifact Instance of 'FlutterRunnerDebugSymbols' is not required, skipping update. [ +51 ms] Artifact Instance of 'MaterialFonts' is not required, skipping update. [ ] Artifact Instance of 'GradleWrapper' is not required, skipping update. [ ] Artifact Instance of 'AndroidGenSnapshotArtifacts' is not required, skipping update. [ ] Artifact Instance of 'AndroidInternalBuildArtifacts' is not required, skipping update. [ ] Artifact Instance of 'IOSEngineArtifacts' is not required, skipping update. [ ] Artifact Instance of 'FlutterWebSdk' is not required, skipping update. [ ] Artifact Instance of 'LegacyCanvasKitRemover' is not required, skipping update. [ ] Artifact Instance of 'FlutterSdk' is not required, skipping update. [ ] Artifact Instance of 'WindowsEngineArtifacts' is not required, skipping update. [ ] Artifact Instance of 'MacOSEngineArtifacts' is not required, skipping update. [ ] Artifact Instance of 'LinuxEngineArtifacts' is not required, skipping update. [ +1 ms] Artifact Instance of 'LinuxFuchsiaSDKArtifacts' is not required, skipping update. [ ] Artifact Instance of 'MacOSFuchsiaSDKArtifacts' is not required, skipping update. [ ] Artifact Instance of 'FlutterRunnerSDKArtifacts' is not required, skipping update. [ ] Artifact Instance of 'FlutterRunnerDebugSymbols' is not required, skipping update. [ ] Artifact Instance of 'IosUsbArtifacts' is not required, skipping update. [ ] Artifact Instance of 'IosUsbArtifacts' is not required, skipping update. [ ] Artifact Instance of 'IosUsbArtifacts' is not required, skipping update. [ ] Artifact Instance of 'IosUsbArtifacts' is not required, skipping update. [ ] Artifact Instance of 'IosUsbArtifacts' is not required, skipping update. [ ] Artifact Instance of 'FontSubsetArtifacts' is not required, skipping update. [ ] Artifact Instance of 'PubDependencies' is not required, skipping update. [ +54 ms] executing: /Users/matheus.demetrio/Library/Android/sdk/platform-tools/adb devices -l [ ] executing: xcrun xcdevice list --timeout 2 [ +1 ms] xcrun simctl list devices booted iOS --json [ ] executing: xcrun simctl list devices booted iOS --json [ +2 ms] executing: xcrun simctl list devices booted [ +416 ms] Exit code 0 from: xcrun simctl list devices booted [ ] == Devices == -- iOS 15.5 -- -- iOS 16.4 -- -- iOS 17.0 -- -- iOS 17.0 -- -- iOS 17.2 -- iPhone 15 Pro Max (DA5276D1-579A-45FD-92CB-3C1AD5EB425A) (Booted) [ +34 ms] List of devices attached [ +401 ms] { "devices" : { "com.apple.CoreSimulator.SimRuntime.iOS-17-2" : [ { "lastBootedAt" : "2024-12-27T18:43:54Z", "dataPath" : "\/Users\/matheus.demetrio\/Library\/Developer\/CoreSimulator\/Devices \/DA5276D1-579A-45FD-92CB-3C1AD5EB425A\/data", "dataPathSize" : 1104928768, "logPath" : "\/Users\/matheus.demetrio\/Library\/Logs\/CoreSimulator\/DA5276D1-579 A-45FD-92CB-3C1AD5EB425A", "udid" : "DA5276D1-579A-45FD-92CB-3C1AD5EB425A", "isAvailable" : true, "logPathSize" : 184320, "deviceTypeIdentifier" : "com.apple.CoreSimulator.SimDeviceType.iPhone-15-Pro-Max", "state" : "Booted", "name" : "iPhone 15 Pro Max" } ], "com.apple.CoreSimulator.SimRuntime.iOS-15-5" : [ ], "com.apple.CoreSimulator.SimRuntime.iOS-16-4" : [ ], "com.apple.CoreSimulator.SimRuntime.iOS-17-0" : [ ] } } [+2341 ms] [ { "ignored" : false, "modelCode" : "MacBookPro16,1", "simulator" : false, "modelName" : "MacBook Pro", "operatingSystemVersion" : "13.5.1 (22G90)", "identifier" : "7FFCC939-1491-57D5-8F82-C08029D320DF", "platform" : "com.apple.platform.macosx", "architecture" : "x86_64h", "interface" : "usb", "available" : true, "name" : "My Mac", "modelUTI" : "com.apple.macbookpro-16" }, { "simulator" : true, "operatingSystemVersion" : "17.2 (21C62)", "available" : true, "platform" : "com.apple.platform.iphonesimulator", "modelCode" : "iPhone16,2", "identifier" : "DA5276D1-579A-45FD-92CB-3C1AD5EB425A", "architecture" : "x86_64", "modelUTI" : "com.apple.iphone-15-pro-max-1", "modelName" : "iPhone 15 Pro Max", "name" : "iPhone 15 Pro Max", "ignored" : false } ] [ +1 ms] executing: xcrun devicectl --version [ +346 ms] Exit code 0 from: xcrun devicectl --version [ ] 355.24 [ +5 ms] executing: xcrun devicectl list devices --timeout 5 --json-output /var/folders/s5/kzlz74dn79vfzzn64418_fkn4pbygw/T/flutter_tools.8a6pdD/core_devices.UsuLXS/core_dev ice_list.json [+1341 ms] No devices found. [ ] { "info" : { "arguments" : [ "devicectl", "list", "devices", "--timeout", "5", "--json-output", "/var/folders/s5/kzlz74dn79vfzzn64418_fkn4pbygw/T/flutter_tools.8a6pdD/core_devic es.UsuLXS/core_device_list.json" ], "commandType" : "devicectl.list.devices", "environment" : { "TERM" : "xterm-256color" }, "jsonVersion" : 2, "outcome" : "success", "version" : "355.24" }, "result" : { "devices" : [ ] } } [ +99 ms] Waiting for a connection from Flutter on iPhone 15 Pro Max... [ +8 ms] Checking for advertised Dart VM Services... [ +24 ms] executing: xcrun simctl spawn DA5276D1-579A-45FD-92CB-3C1AD5EB425A log stream --style json --predicate eventType = logEvent AND (senderImagePath ENDSWITH "/Flutter" OR senderImagePath ENDSWITH "/libswiftCore.dylib" OR processImageUUID == senderImageUUID) AND NOT(eventMessage CONTAINS ": could not find icon for representation -> com.apple.") AND NOT(eventMessage BEGINSWITH "assertion failed: ") AND NOT(eventMessage CONTAINS " libxpc.dylib ") [+1190 ms] [ { "ignored" : false, "modelCode" : "MacBookPro16,1", "simulator" : false, "modelName" : "MacBook Pro", "operatingSystemVersion" : "13.5.1 (22G90)", "identifier" : "7FFCC939-1491-57D5-8F82-C08029D320DF", "platform" : "com.apple.platform.macosx", "architecture" : "x86_64h", "interface" : "usb", "available" : true, "name" : "My Mac", "modelUTI" : "com.apple.macbookpro-16" }, { "simulator" : true, "operatingSystemVersion" : "17.2 (21C62)", "available" : true, "platform" : "com.apple.platform.iphonesimulator", "modelCode" : "iPhone16,2", "identifier" : "DA5276D1-579A-45FD-92CB-3C1AD5EB425A", "architecture" : "x86_64", "modelUTI" : "com.apple.iphone-15-pro-max-1", "modelName" : "iPhone 15 Pro Max", "name" : "iPhone 15 Pro Max", "ignored" : false } ] [ +1 ms] executing: xcrun devicectl list devices --timeout 5 --json-output /var/folders/s5/kzlz74dn79vfzzn64418_fkn4pbygw/T/flutter_tools.8a6pdD/core_devices.fv9J7f/core_dev ice_list.json [+1371 ms] No devices found. [ ] { "info" : { "arguments" : [ "devicectl", "list", "devices", "--timeout", "5", "--json-output", "/var/folders/s5/kzlz74dn79vfzzn64418_fkn4pbygw/T/flutter_tools.8a6pdD/core_devic es.fv9J7f/core_device_list.json" ], "commandType" : "devicectl.list.devices", "environment" : { "TERM" : "xterm-256color" }, "jsonVersion" : 2, "outcome" : "success", "version" : "355.24" }, "result" : { "devices" : [ ] } } [+2483 ms] Checking for advertised Dart VM Services... The Dart VM Service was not discovered after 30 seconds. This is taking much longer than expected... Click "Allow" to the prompt on your device asking if you would like to find and connect devices on your local network. If you selected "Don't Allow", you can turn it on in Settings > Your App Name > Local Network. If you don't see your app in the Settings, uninstall the app and rerun to see the prompt again. [+600003 ms] mDNS query failed. Checking for an interface with a ipv4 link local address. [ +2 ms] Found interface "en0": [ ] Bound address: "192.168.100.146" [ ] Found interface "utun3": [ ] Bound address: "100.64.0.1" [ +28 ms] The mDNS query for an attached iOS device failed. It may be necessary to disable the "Personal Hotspot" on the device, and to ensure that the "Disable unless needed" setting is unchecked under System Preferences > Network > iPhone USB. See https://github.com/flutter/flutter/issues/46698 for details. ``` </details> ### Flutter Doctor output <details open><summary>Doctor output</summary> ```console [โœ“] Flutter (Channel stable, 3.24.3, on macOS 13.5.1 22G90 darwin-x64, locale pt-BR) [โœ“] Android toolchain - develop for Android devices (Android SDK version 35.0.0) [โœ“] Xcode - develop for iOS and macOS (Xcode 15.2) [โœ“] Chrome - develop for the web [โœ“] Android Studio (version 2022.2) [โœ“] VS Code (version 1.96.2) [โœ“] Connected device (3 available) [โœ“] Network resources โ€ข No issues found! ``` </details>
platform-ios,a: existing-apps,has reproducible steps,P2,team-ios,triaged-ios,found in release: 3.27,found in release: 3.28
low
Critical
2,761,303,244
flutter
Flutter dashboard golden-files should support Mac or use Skia Gold
Golden-file matching in `flutter/cocoon` [uses local-file comparison, but only runs on Linux](https://github.com/flutter/cocoon/blob/6c83f7fa4064eb18a2ae0f68262d0bd03c2d6d66/dashboard/test/utils/golden.dart#L31). This means with a Mac or WIndows machine, I cannot make any UI-impacting changes to coocon without getting another machine. Either it should be: - possible to use any machine to generate these golden files; - the golden files should be removed entirely; - checking the goldens should be moved to a bringup task that can be fixed periodically; - ... or, Skia Gold should be used like it is on our other repos
team-infra,P2,c: tech-debt
low
Minor
2,761,311,329
flutter
Undismissable "Android x86 targets" warning on `flutter build apk`
When I run `flutter build apk --debug` using the main/master channel, I get the following warning: ``` $ flutter build apk --debug Support for Android x86 targets will be removed in the next stable release after 3.27. See https://github.com/flutter/flutter/issues/157543 for details. Running Gradle task 'assembleDebug'... 3.2s โœ“ Built build/app/outputs/flutter-apk/app-debug.apk ``` I don't mind that support for those targets is going away. But now that I've seen the warning, I would like to get it to stop. (In general I try to keep my tree in a state where we don't have noise from warnings we're not planning to take any action on, so that when a new warning appears we can see it and take care of it.) The warning text doesn't offer a way to acknowledge the warning so as to get it to stop. I don't see such a way on the linked page https://github.com/flutter/flutter/issues/157543, either. It looks like the warning is from https://github.com/flutter/flutter/issues/158953 / https://github.com/flutter/flutter/pull/159750. I suppose one good way to silence it would be to stop building for x86. Is there a clean way to do that by editing my `build.gradle`? If there is a good clean answer already for how to suppress the warning, then that should be added to #157543, since that's the page linked to from the warning. (I'm starting this fresh issue rather than comment on #157543 just because I don't want discussion to clutter up the thread people will see when following the link from the warning.)
platform-android,tool,P2,team-android,fyi-tool
low
Critical
2,761,321,813
next.js
Turbo loader options type too strict
### Link to the code that reproduces this issue https://github.com/Netail/repro-typescript-next-config ### To Reproduce 1. Install dependencies; `yarn install` 2. Inspect `next.config.ts` 3. Svgr options clash with turbo options type ### Current vs. Expected behavior The turbo loader options type are a bit too strict compared to what's allowed by e.g. the SVGR plugin options ### Provide environment information ```bash Operating System: Platform: darwin Arch: arm64 Version: Darwin Kernel Version 24.1.0: Thu Oct 10 21:03:15 PDT 2024; root:xnu-11215.41.3~2/RELEASE_ARM64_T6000 Available memory (MB): 32768 Available CPU cores: 10 Binaries: Node: 22.11.0 npm: 10.9.0 Yarn: 1.22.22 pnpm: 9.6.0 Relevant Packages: next: 15.1.3 // Latest available version is detected (15.1.3). eslint-config-next: N/A react: 19.0.0 react-dom: 19.0.0 typescript: 5.7.2 Next.js Config: output: N/A ``` ### Which area(s) are affected? (Select all that apply) TypeScript ### Which stage(s) are affected? (Select all that apply) next dev (local) ### Additional context _No response_
TypeScript
low
Minor
2,761,322,083
react-native
Unexpected color given in StatusBar._updatePropsStack when using PlatformColor for theming
### Description Setting a `PlatformColor` value as the `backgroundColor` prop of `StatusBar` causes an "Unexpected color given in StatusBar._updatePropsStack" error. ### Steps to reproduce 1. Install and run the application on an Android device or emulator which supports Material You theming with `npm run android` 2. Notice the background colour was appropriately applied to the `View` defined in line 27 3. Uncomment line 25 (`StatusBar.backgroundColor`) 4. The app throws an "Unexpected color given in StatusBar._updatePropsStack" error ### React Native Version 0.76.5 ### Affected Platforms Runtime - Android ### Output of `npx react-native info` ```text System: OS: macOS 15.1.1 CPU: (8) arm64 Apple M1 Memory: 121.88 MB / 8.00 GB Shell: version: "5.9" path: /bin/zsh Binaries: Node: version: 23.3.0 path: /opt/homebrew/bin/node Yarn: version: 1.22.22 path: /opt/homebrew/bin/yarn npm: version: 10.9.0 path: /opt/homebrew/bin/npm Watchman: version: 2024.11.25.00 path: /opt/homebrew/bin/watchman Managers: CocoaPods: Not Found SDKs: iOS SDK: Platforms: - DriverKit 24.2 - iOS 18.2 - macOS 15.2 - tvOS 18.2 - visionOS 2.2 - watchOS 11.2 Android SDK: API Levels: - "28" - "29" - "30" - "31" - "32" - "33" - "34" - "35" Build Tools: - 28.0.3 - 29.0.2 - 30.0.2 - 30.0.3 - 31.0.0 - 33.0.0 - 34.0.0 - 35.0.0 System Images: - android-24 | Google APIs ARM 64 v8a - android-24 | Google APIs Intel x86 Atom - android-24 | Google APIs Intel x86 Atom_64 - android-29 | Google APIs ARM 64 v8a - android-31 | Google Play ARM 64 v8a - android-32 | Google Play ARM 64 v8a - android-S | Google Play ARM 64 v8a Android NDK: Not Found IDEs: Android Studio: 2024.1 AI-241.18034.62.2411.12071903 Xcode: version: 16.2/16C5032a path: /usr/bin/xcodebuild Languages: Java: version: 17.0.13 path: /usr/bin/javac Ruby: version: 2.7.5 path: /Users/marin/.rvm/rubies/ruby-2.7.5/bin/ruby npmPackages: "@react-native-community/cli": installed: 15.0.1 wanted: 15.0.1 react: installed: 18.3.1 wanted: 18.3.1 react-native: installed: 0.76.5 wanted: 0.76.5 react-native-macos: Not Found npmGlobalPackages: "*react-native*": Not Found Android: hermesEnabled: true newArchEnabled: true iOS: hermesEnabled: Not found newArchEnabled: false ``` ### Stacktrace or Logs ```text (NOBRIDGE) ERROR Invariant Violation: Unexpected color given in StatusBar._updatePropsStack ``` ### Reproducer https://github.com/Glavotaner/InvariantStatusBar ### Screenshots and Videos _No response_
Issue: Author Provided Repro,Component: StatusBar
low
Critical
2,761,327,395
godot
Freeing a node on macOS + Godot Mono from `_GuiInput` causes a crash
### Tested versions - Reproducible in `v4.3.stable.mono.official [77dcf97d8]` - Reproducible in `v4.4.dev.mono.custom_build.c602c168b` ### System information Sonoma 14.6.1 ### Issue description Freeing a node right when Godot calls the `GridMapEditorPlugin` destructor causes a crash. This only seems to happen on macOS; I had several people test on Windows for a combined total of 50+ times and it didn't repro there. I also couldn't get this to repro from GDScript alone. Stack trace for the crash: ``` ================================================================ handle_crash: Program crashed with signal 11 Engine version: Godot Engine v4.3.stable.mono.official (77dcf97d82cbfe4e4615475fa52ca03da645dbd8) Dumping the backtrace. Please include this when reporting the bug to the project developer. [1] invoke_previous_action(sigaction*, int, __siginfo*, void*, bool) [2] 2 libsystem_platform.dylib 0x0000000194666584 _sigtramp + 56 [3] 3 libc++abi.dylib 0x00000001945ed7b0 __dynamic_cast + 56 [4] Viewport::push_input(Ref<InputEvent> const&, bool) (in Godot) + 720 [5] Window::_window_input(Ref<InputEvent> const&) (in Godot) + 756 [6] GridMapEditorPlugin::~GridMapEditorPlugin() [7] DisplayServerMacOS::_dispatch_input_event(Ref<InputEvent> const&) [8] DisplayServerMacOS::_dispatch_input_event(Ref<InputEvent> const&) (in Godot) + 572 [9] Input::_parse_input_event_impl(Ref<InputEvent> const&, bool) (in Godot) + 2828 [10] Input::flush_buffered_events() (in Godot) + 136 [11] Input::release_pressed_events() (in Godot) + 20 [12] DisplayServerMacOS::release_pressed_events() (in Godot) + 40 [13] RendererCompositorRD::_create_current() [14] 14 CoreFoundation 0x000000019470a144 __CFNOTIFICATIONCENTER_IS_CALLING_OUT_TO_AN_OBSERVER__ + 148 [15] 15 CoreFoundation 0x000000019479e3d8 ___CFXRegistrationPost_block_invoke + 88 [16] 16 CoreFoundation 0x000000019479e320 _CFXRegistrationPost + 440 [17] 17 CoreFoundation 0x00000001946d8678 _CFXNotificationPost + 768 [18] 18 Foundation 0x00000001957f52c4 -[NSNotificationCenter postNotificationName:object:userInfo:] + 88 [19] 19 AppKit 0x00000001980ce7f4 -[NSWindow resignKeyWindow] + 640 [20] 20 AppKit 0x00000001980ce4dc _NXEndKeyAndMain + 128 [21] 21 AppKit 0x00000001980cd5e4 -[NSApplication _handleDeactivateEvent:] + 724 [22] 22 AppKit 0x0000000198768380 -[NSApplication(NSEventRouting) sendEvent:] + 1236 [23] Ref<DirAccess> DirAccess::_create_builtin<DirAccessMacOS>() [24] DisplayServerMacOS::process_events() (in Godot) + 220 [25] OS_MacOS::run() (in Godot) + 156 [26] main (in Godot) + 392 [27] 27 dyld 0x00000001942ab154 start + 2476 -- END OF BACKTRACE -- ================================================================ The program '[47492] Godot' has exited with code 0 (0x0). ``` As a workaround, calling `QueueFree` instead of `Free` should fix the issue. ### Steps to reproduce - Load the minimal repro from the attached `.zip` - Hover your mouse rapidly around where the sprites show up. The chance of repro is quite high if you do this as soon as the program starts, so try to memorize where they'll show up and start hovering there. [Quick video repro here](https://www.twitch.tv/adamlearnslive/clip/SecretivePlayfulSrirachaDatBoi-JR5MRHuRvN5batvh). The most relevant code is this snippet, which simply frees one of the icons as soon as it receives mouse input: ``` public override void _GuiInput(InputEvent @event) { AcceptEvent(); Free(); } ``` ### Minimal reproduction project (MRP) [crashrepro.zip](https://github.com/user-attachments/files/18264164/crashrepro.zip)
bug,discussion,platform:macos,topic:editor,documentation,needs testing,crash,topic:3d
low
Critical
2,761,344,870
flutter
Preserve file date (mtime) for images/files picked
### Use case When picking a file or files, it's often useful to know when the original file was created/edited. This allows features like sorting by date as well as by file name. Unfortunately, at least on Android, the last edit date (mtime) of the temp file returned from image_picker has the date/time of when the file was selected and I haven't yet found any way to access the original file's last edit date. ### Proposal final XFile? tmpFile = await ImagePicker().pickImage( source: ImageSource.gallery, preserveOriginalMtime = true, ); if (tmpFile == null) { return null; } final lastModifiedObject = await tmpFile.lastModified(); // prints modified time of original file instead of "right now" print("Last Modified: " + lastModifiedObject.toString()); /******************************/ // Implementation, could be approximated by something like if (preserveOriginalMtime == true) { await touch(newTmpFile, await fileMtime(originalFile)); }
c: new feature,platform-android,p: image_picker,package,c: proposal,P2,team-android,triaged-android
low
Minor
2,761,346,898
rust
Unexpected static lifetime requirement for nested boxed closures with generic parameters
<!-- Thank you for filing a bug report! ๐Ÿ› Please provide a short summary of the bug, along with any information you feel relevant to replicating the bug. --> I tried this code: ```rust type BoxedClosure<U> = Box<dyn for<'e> Fn(&'e Context<'e, U>) -> bool + Sync + Send + 'static>; pub struct CompiledExpr<U>(BoxedClosure<U>); impl<U> CompiledExpr<U> { pub fn new( closure: impl for<'e> Fn(&'e Context<'e, U>) -> bool + Sync + Send + 'static, ) -> Self { CompiledExpr(Box::new(closure)) } } pub struct Context<'e, U> { data: &'e str, userdata: U, } pub fn compile1<U>() -> CompiledExpr<U> { CompiledExpr::new(|ctx| ctx.data == "rust") } pub fn compile2<U>() -> CompiledExpr<U> { let e = compile1::<U>(); CompiledExpr::new(move |ctx| (e.0)(ctx)) } ``` https://play.rust-lang.org/?version=stable&mode=debug&edition=2021&gist=c96c451d36a64d657cdfecc7c5185f31 I expected to see this happen: successful compilation Instead, this happened: ``` error[E0310]: the parameter type `U` may not live long enough --> src/lib.rs:25:5 | 25 | CompiledExpr::new(move |ctx| (e.0)(ctx)) | ^^^^^^^^^^^^^^^^^ | | | the parameter type `U` must be valid for the static lifetime... | ...so that the type `U` will meet its required lifetime bounds | help: consider adding an explicit lifetime bound | 23 | pub fn compile2<U: 'static>() -> CompiledExpr<U> { | +++++++++ ``` I am not exactly sure its a bug per say, but from my perspective, this is relatively surprising that this code fails to build. The `'static` bound is on the boxed dyn object itself and not on the parameters of the boxed closure. Its not clear why U should be `'static` when `Context` which holds `U` is not. ### Meta <!-- If you're using the stable version of the compiler, you should also check if the bug also exists in the beta or nightly versions. --> `rustc --version --verbose`: ``` rustc 1.83.0 (90b35a623 2024-11-26) binary: rustc commit-hash: 90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf commit-date: 2024-11-26 host: x86_64-unknown-linux-gnu release: 1.83.0 LLVM version: 19.1.1 ```
T-compiler,C-bug,T-types,needs-triage
low
Critical
2,761,350,605
pytorch
Unnecessary CPU to GPU copies within flex_attention
There are a few unnecessary CPU to GPU copies within flex_attention that cause unnecessary `cudaStreamSynchronize`s to occur. This decreases GPU utilization. ## Note The below is based on a profiling run without `torch.compile`. I haven't looked at profiles of the compiled version in depth yet, but based on a quick glance, the second issue with `index_put_` seems to go away when compiled. (My compiled tests were run with a patch for the first issue below so the results don't confirm whether the patch is necessary or if `compile` fixes it) ## Example 1 This one happens during every execution of attention: https://github.com/pytorch/pytorch/blob/fe398de769480ceb943d3ae37551a29954bbb147/torch/_higher_order_ops/flex_attention.py#L189 That line creates a `-inf` tensor on CPU and copies it to GPU (along with a synchronize). It should be replaced with ```py torch.full((), -float("inf"), dtype=working_precision, device=scores.device), ``` I put up a PR to fix it: #143928 ## Example 2 In the following code, several `cudaStreamSynchronize`s happen within `aten::index_put_` (the `dense_mask[row_indices, valid_indices] = 1 ` line). https://github.com/pytorch/pytorch/blob/fe398de769480ceb943d3ae37551a29954bbb147/torch/nn/attention/flex_attention.py#L152-L166 My profiling shows 3 `cudaStreamSynchronize`s per `create_dense_one` call (which is called multiple times in a single `create_block_mask` call). I was able to decrease it to 2 synchronizes by replacing https://github.com/pytorch/pytorch/blob/fe398de769480ceb943d3ae37551a29954bbb147/torch/nn/attention/flex_attention.py#L165 with ```py dense_mask[row_indices, valid_indices] = torch.ones((), dtype=torch.int32, device=device) ``` The other two synchronizes are also within `aten::index_put_`, but they didn't jump out to me based on a cursory scan of the code. cc @zou3519 @bdhirsh @penguinwu @yf225 @Chillee @drisspg @yanboliang @BoyuanFeng @chauhang @ydwu4
triaged,oncall: pt2,module: pt2-dispatcher,module: flex attention
low
Minor
2,761,379,578
flutter
Japanese IME input is not working properly on macOS
### Steps to reproduce This is a report following the this issue. https://github.com/singerdmx/flutter-quill/issues/2178 > Enter a sentence with two or more phrases using Japanese IME. > Example: ใใ‚‡ใ†ใฏใ„ใˆใซใ‹ใˆใ‚Šใพใ™ This sentence consists of three phrases, recognized during IME conversion as: ใใ‚‡ใ†ใฏ ใ„ใˆใซ ใ‹ใˆใ‚Šใพใ™ > > Press the space key to convert using IME, then press Enter to confirm. ### Expected results > ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ ### Actual results > ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ๅฎถใซๅธฐใ‚Šใพใ™ ### Code sample <details open><summary>Code sample</summary> Type aย sentence and then press enter. Afterย `insertText`ย  is called from macOSย `NSTextInputClient`ย  flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm ```objc - (void)insertText:(id)string replacementRange:(NSRange)range { if (_activeModel == nullptr) { return; } _eventProducedOutput |= true; FML_LOG(INFO) << "insertText" โ€ƒ<< " string=" << string; โ€ƒ<< " range=" << range.location << " " << range.length; if (range.location != NSNotFound) { // The selected range can actually have negative numbers, since it can start // at the end of the range if the user selected the text going backwards. // Cast to a signed type to determine whether or not the selection is reversed. long signedLength = static_cast<long>(range.length); long location = range.location; long textLength = _activeModel->text_range().end(); size_t base = std::clamp(location, 0L, textLength); size_t extent = std::clamp(location + signedLength, 0L, textLength); _activeModel->SetSelection(flutter::TextRange(base, extent)); } flutter::TextRange oldSelection = _activeModel->selection(); flutter::TextRange composingBeforeChange = _activeModel->composing_range(); flutter::TextRange replacedRange(-1, -1); std::string textBeforeChange = _activeModel->GetText().c_str(); std::string utf8String = [string UTF8String]; FML_LOG(INFO) << "textBeforeChange=" << textBeforeChange; FML_LOG(INFO) << "utf8String=" << utf8String; _activeModel->AddText(utf8String); FML_LOG(INFO) << "textAfterChange=" << _activeModel->GetText().c_str(); if (_activeModel->composing()) { replacedRange = composingBeforeChange; _activeModel->CommitComposing(); _activeModel->EndComposing(); } else { replacedRange = range.location == NSNotFound ? flutter::TextRange(oldSelection.base(), oldSelection.extent()) : flutter::TextRange(range.location, range.location + range.length); } if (_enableDeltaModel) { [self updateEditStateWithDelta:flutter::TextEditingDelta(textBeforeChange, replacedRange, utf8String)]; } else { [self updateEditState]; } } ``` > \[INFO:flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm(745)\] insertText string=1ย range=9223372036854775807 0 > \[INFO:flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm(770)\] textBeforeChange=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ > \[INFO:flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm(771)\] utf8String=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ > \[INFO:flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm(775)\] textAfterChange=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ๅฎถใซๅธฐใ‚Šใพใ™ Problem occurred after \_activeModel->AddText. Next, check AddText. flutter/shell/platform/common/text\_input\_model.cc ```cpp void TextInputModel::AddText(const std::u16string& text) { FML_LOG(INFO) << "AddText:" << " text=" << fml::Utf16ToUtf8(text) << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); DeleteSelected(); FML_LOG(INFO) << "after DeleteSelected: " << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); if (composing_) { // Delete the current composing text, set the cursor to composing start. text_.erase(composing_range_.start(), composing_range_.length()); selection_ = TextRange(composing_range_.start()); composing_range_.set_end(composing_range_.start() + text.length()); FML_LOG(INFO) << "after erace composing_range: " << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); } size_t position = selection_.position(); text_.insert(position, text); selection_ = TextRange(position + text.length()); FML_LOG(INFO) << "after text_.insert: " << " position=" << position << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); } ``` > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(151)\] AddText: text=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ text\_=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ selection\_=0 3 composing\_range\_=0 9 > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(159)\] after DeleteSelected:ย  text\_=ๅฎถใซๅธฐใ‚Šใพใ™ selection\_=0 0 composing\_range\_=0 0 > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(170)\] after erace composing\_range:ย  text\_=ๅฎถใซๅธฐใ‚Šใพใ™ selection\_=0 0 composing\_range\_=0 9 > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(180)\] after text\_.insert:ย  position=0 text\_=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ๅฎถใซๅธฐใ‚Šใพใ™ selection\_=9 0 composing\_range\_=0 9 It is expected that text\_ in composing\_range\_ would be deleted before text\_.insert, but this is not the case. DeleteSelected deletes only selection\_ range and clears composing\_range\_. Next, check DeleteSelected. flutter/shell/platform/common/text\_input\_model.cc ```cpp bool TextInputModel::DeleteSelected() { if (selection_.collapsed()) { return false; } FML_LOG(INFO) << "DeleteSelected: " << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); size_t start = selection_.start(); text_.erase(start, selection_.length()); selection_ = TextRange(start); FML_LOG(INFO) << "after text_.erase: " << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); if (composing_) { // This occurs only immediately after composing has begun with a selection. composing_range_ = selection_; } return true; } ``` > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(115)\] DeleteSelected:ย  text\_=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ selection\_=0 3 composing\_range\_=0 9 > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(124)\] after text\_.erase:ย  text\_=ๅฎถใซๅธฐใ‚Šใพใ™ selection\_=0 0 composing\_range\_=0 0 โ€œThis occurs only immediately after composing has begun with a selection. โ€œ However, in macOS Japanese IME, selection\_ indicates only a portion of the range of an unfinalized string that is being converted. The entire conversion range is composing\_range\_. In this example, selection\_ is the range from the beginning of composing\_range\_, and in Japanese conversion, selection\_ can also be the middle part of composing\_range\_. It would be quicker to fix this in text\_input\_model.cc, but this is a common code for each device, so it will affect other devices that do not have the problem. So I fixed it with insertText in FlutterTextInputPlugin.mm mentioned at the beginning of this article. flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm ```objc - (void)insertText:(id)string replacementRange:(NSRange)range { if (_activeModel == nullptr) { return; } _eventProducedOutput |= true; if (range.location != NSNotFound) { // The selected range can actually have negative numbers, since it can start // at the end of the range if the user selected the text going backwards. // Cast to a signed type to determine whether or not the selection is reversed. long signedLength = static_cast<long>(range.length); long location = range.location; long textLength = _activeModel->text_range().end(); size_t base = std::clamp(location, 0L, textLength); size_t extent = std::clamp(location + signedLength, 0L, textLength); _activeModel->SetSelection(flutter::TextRange(base, extent)); } + else if (_activeModel->composing() && !(_activeModel->composing_range() == _activeModel->selection())) { + // When confirmed by Japanese IME, string replaces range of composing_range. + // If selection == composing_range there is no problem. + // If selection ! = composing_range the range of selection is only a part of composing_range. + // Since _activeModel->AddText is processed first for selection, the finalization of the conversion +โ€ƒโ€ƒ // cannot be processed correctly unless selection == composing_range or selection.collapsed(). + // Since _activeModel->SetSelection fails if (composing_ && !range.collapsed()), + // selection == composing_range will failed. + // Therefore, the selection cursor should only be placed at the beginning of composing_range. + flutter::TextRange composing_range = _activeModel->composing_range(); + _activeModel->SetSelection(flutter::TextRange(composing_range.start())); + } flutter::TextRange oldSelection = _activeModel->selection(); flutter::TextRange composingBeforeChange = _activeModel->composing_range(); flutter::TextRange replacedRange(-1, -1); std::string textBeforeChange = _activeModel->GetText().c_str(); std::string utf8String = [string UTF8String]; _activeModel->AddText(utf8String); if (_activeModel->composing()) { replacedRange = composingBeforeChange; _activeModel->CommitComposing(); _activeModel->EndComposing(); } else { replacedRange = range.location == NSNotFound ? flutter::TextRange(oldSelection.base(), oldSelection.extent()) : flutter::TextRange(range.location, range.location + range.length); } if (_enableDeltaModel) { [self updateEditStateWithDelta:flutter::TextEditingDelta(textBeforeChange, replacedRange, utf8String)]; } else { [self updateEditState]; } } ``` This solved the problem. What do you think? Not only this example, but I have tried several Japanese input patterns and they work fine. Not only the standard macOS Japanese IME, but also 3rd party ones worked fine. </details> ### Screenshots or Video Type aย sentence and then press enter. Afterย `insertText`ย  is called from macOSย `NSTextInputClient`ย  flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm ```objc - (void)insertText:(id)string replacementRange:(NSRange)range { if (_activeModel == nullptr) { return; } _eventProducedOutput |= true; FML_LOG(INFO) << "insertText" โ€ƒ<< " string=" << string; โ€ƒ<< " range=" << range.location << " " << range.length; if (range.location != NSNotFound) { // The selected range can actually have negative numbers, since it can start // at the end of the range if the user selected the text going backwards. // Cast to a signed type to determine whether or not the selection is reversed. long signedLength = static_cast<long>(range.length); long location = range.location; long textLength = _activeModel->text_range().end(); size_t base = std::clamp(location, 0L, textLength); size_t extent = std::clamp(location + signedLength, 0L, textLength); _activeModel->SetSelection(flutter::TextRange(base, extent)); } flutter::TextRange oldSelection = _activeModel->selection(); flutter::TextRange composingBeforeChange = _activeModel->composing_range(); flutter::TextRange replacedRange(-1, -1); std::string textBeforeChange = _activeModel->GetText().c_str(); std::string utf8String = [string UTF8String]; FML_LOG(INFO) << "textBeforeChange=" << textBeforeChange; FML_LOG(INFO) << "utf8String=" << utf8String; _activeModel->AddText(utf8String); FML_LOG(INFO) << "textAfterChange=" << _activeModel->GetText().c_str(); if (_activeModel->composing()) { replacedRange = composingBeforeChange; _activeModel->CommitComposing(); _activeModel->EndComposing(); } else { replacedRange = range.location == NSNotFound ? flutter::TextRange(oldSelection.base(), oldSelection.extent()) : flutter::TextRange(range.location, range.location + range.length); } if (_enableDeltaModel) { [self updateEditStateWithDelta:flutter::TextEditingDelta(textBeforeChange, replacedRange, utf8String)]; } else { [self updateEditState]; } } ``` > \[INFO:flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm(745)\] insertText string=1ย range=9223372036854775807 0 > \[INFO:flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm(770)\] textBeforeChange=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ > \[INFO:flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm(771)\] utf8String=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ > \[INFO:flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm(775)\] textAfterChange=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ๅฎถใซๅธฐใ‚Šใพใ™ Problem occurred after \_activeModel->AddText. Next, check AddText. flutter/shell/platform/common/text\_input\_model.cc ```cpp void TextInputModel::AddText(const std::u16string& text) { FML_LOG(INFO) << "AddText:" << " text=" << fml::Utf16ToUtf8(text) << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); DeleteSelected(); FML_LOG(INFO) << "after DeleteSelected: " << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); if (composing_) { // Delete the current composing text, set the cursor to composing start. text_.erase(composing_range_.start(), composing_range_.length()); selection_ = TextRange(composing_range_.start()); composing_range_.set_end(composing_range_.start() + text.length()); FML_LOG(INFO) << "after erace composing_range: " << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); } size_t position = selection_.position(); text_.insert(position, text); selection_ = TextRange(position + text.length()); FML_LOG(INFO) << "after text_.insert: " << " position=" << position << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); } ``` > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(151)\] AddText: text=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ text\_=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ selection\_=0 3 composing\_range\_=0 9 > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(159)\] after DeleteSelected:ย  text\_=ๅฎถใซๅธฐใ‚Šใพใ™ selection\_=0 0 composing\_range\_=0 0 > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(170)\] after erace composing\_range:ย  text\_=ๅฎถใซๅธฐใ‚Šใพใ™ selection\_=0 0 composing\_range\_=0 9 > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(180)\] after text\_.insert:ย  position=0 text\_=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ๅฎถใซๅธฐใ‚Šใพใ™ selection\_=9 0 composing\_range\_=0 9 It is expected that text\_ in composing\_range\_ would be deleted before text\_.insert, but this is not the case. DeleteSelected deletes only selection\_ range and clears composing\_range\_. Next, check DeleteSelected. flutter/shell/platform/common/text\_input\_model.cc ```cpp bool TextInputModel::DeleteSelected() { if (selection_.collapsed()) { return false; } FML_LOG(INFO) << "DeleteSelected: " << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); size_t start = selection_.start(); text_.erase(start, selection_.length()); selection_ = TextRange(start); FML_LOG(INFO) << "after text_.erase: " << " text_=" << fml::Utf16ToUtf8(text_) << " selection_=" << selection_.start() << " " << selection_.length() << " composing_range_=" << composing_range_.start() << " " << composing_range_.length(); if (composing_) { // This occurs only immediately after composing has begun with a selection. composing_range_ = selection_; } return true; } ``` > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(115)\] DeleteSelected:ย  text\_=ไปŠๆ—ฅใฏๅฎถใซๅธฐใ‚Šใพใ™ selection\_=0 3 composing\_range\_=0 9 > \[INFO:flutter/shell/platform/common/text\_input\_model.cc(124)\] after text\_.erase:ย  text\_=ๅฎถใซๅธฐใ‚Šใพใ™ selection\_=0 0 composing\_range\_=0 0 โ€œThis occurs only immediately after composing has begun with a selection. โ€œ However, in macOS Japanese IME, selection\_ indicates only a portion of the range of an unfinalized string that is being converted. The entire conversion range is composing\_range\_. In this example, selection\_ is the range from the beginning of composing\_range\_, and in Japanese conversion, selection\_ can also be the middle part of composing\_range\_. It would be quicker to fix this in text\_input\_model.cc, but this is a common code for each device, so it will affect other devices that do not have the problem. So I fixed it with insertText in FlutterTextInputPlugin.mm mentioned at the beginning of this article. flutter/shell/platform/darwin/macos/framework/Source/FlutterTextInputPlugin.mm ```objc - (void)insertText:(id)string replacementRange:(NSRange)range { if (_activeModel == nullptr) { return; } _eventProducedOutput |= true; if (range.location != NSNotFound) { // The selected range can actually have negative numbers, since it can start // at the end of the range if the user selected the text going backwards. // Cast to a signed type to determine whether or not the selection is reversed. long signedLength = static_cast<long>(range.length); long location = range.location; long textLength = _activeModel->text_range().end(); size_t base = std::clamp(location, 0L, textLength); size_t extent = std::clamp(location + signedLength, 0L, textLength); _activeModel->SetSelection(flutter::TextRange(base, extent)); } + else if (_activeModel->composing() && !(_activeModel->composing_range() == _activeModel->selection())) { + // When confirmed by Japanese IME, string replaces range of composing_range. + // If selection == composing_range there is no problem. + // If selection ! = composing_range the range of selection is only a part of composing_range. + // Since _activeModel->AddText is processed first for selection, the finalization of the conversion +โ€ƒโ€ƒ // cannot be processed correctly unless selection == composing_range or selection.collapsed(). + // Since _activeModel->SetSelection fails if (composing_ && !range.collapsed()), + // selection == composing_range will failed. + // Therefore, the selection cursor should only be placed at the beginning of composing_range. + flutter::TextRange composing_range = _activeModel->composing_range(); + _activeModel->SetSelection(flutter::TextRange(composing_range.start())); + } flutter::TextRange oldSelection = _activeModel->selection(); flutter::TextRange composingBeforeChange = _activeModel->composing_range(); flutter::TextRange replacedRange(-1, -1); std::string textBeforeChange = _activeModel->GetText().c_str(); std::string utf8String = [string UTF8String]; _activeModel->AddText(utf8String); if (_activeModel->composing()) { replacedRange = composingBeforeChange; _activeModel->CommitComposing(); _activeModel->EndComposing(); } else { replacedRange = range.location == NSNotFound ? flutter::TextRange(oldSelection.base(), oldSelection.extent()) : flutter::TextRange(range.location, range.location + range.length); } if (_enableDeltaModel) { [self updateEditStateWithDelta:flutter::TextEditingDelta(textBeforeChange, replacedRange, utf8String)]; } else { [self updateEditState]; } } ``` This solved the problem. What do you think? Not only this example, but I have tried several Japanese input patterns and they work fine. Not only the standard macOS Japanese IME, but also 3rd party ones worked fine. ### Logs <details open><summary>Logs</summary> ```console [Paste your logs here] ``` </details> ### Flutter Doctor output <details open><summary>Doctor output</summary> ```console [โœ“] Flutter (Channel beta, 3.28.0-0.1.pre, on macOS 15.2 24C101 darwin-arm64, locale ja-JP) โ€ข Flutter version 3.28.0-0.1.pre on channel beta at /Users/hidea/Documents/workspace/flutter โ€ข Upstream repository https://github.com/flutter/flutter.git โ€ข Framework revision 3e493a3e4d (2 weeks ago), 2024-12-12 05:59:24 +0900 โ€ข Engine revision 2ba456fd7f โ€ข Dart version 3.7.0 (build 3.7.0-209.1.beta) โ€ข DevTools version 2.41.0 [โœ“] Android toolchain - develop for Android devices (Android SDK version 34.0.0) โ€ข Android SDK at /Users/hidea/Library/Android/sdk โ€ข Platform android-35, build-tools 34.0.0 โ€ข ANDROID_HOME = /Users/hidea/Library/Android/sdk โ€ข Java binary at: /Applications/Android Studio.app/Contents/jbr/Contents/Home/bin/java This is the JDK bundled with the latest Android Studio installation on this machine. To manually set the JDK path, use: `flutter config --jdk-dir="path/to/jdk"`. โ€ข Java version OpenJDK Runtime Environment (build 17.0.9+0-17.0.9b1087.7-11185874) โ€ข All Android licenses accepted. [!] Xcode - develop for iOS and macOS (Xcode 16.2) โ€ข Xcode at /Applications/Xcode.app/Contents/Developer โ€ข Build 16C5032a ! CocoaPods 1.15.2 out of date (1.16.2 is recommended). CocoaPods is a package manager for iOS or macOS platform code. Without CocoaPods, plugins will not work on iOS or macOS. For more info, see https://flutter.dev/to/platform-plugins To update CocoaPods, see https://guides.cocoapods.org/using/getting-started.html#updating-cocoapods [โœ“] Chrome - develop for the web โ€ข Chrome at /Applications/Google Chrome.app/Contents/MacOS/Google Chrome [โœ“] Android Studio (version 2023.2) โ€ข Android Studio at /Applications/Android Studio.app/Contents โ€ข Flutter plugin can be installed from: ๐Ÿ”จ https://plugins.jetbrains.com/plugin/9212-flutter โ€ข Dart plugin can be installed from: ๐Ÿ”จ https://plugins.jetbrains.com/plugin/6351-dart โ€ข Java version OpenJDK Runtime Environment (build 17.0.9+0-17.0.9b1087.7-11185874) [โœ“] VS Code (version 1.96.2) โ€ข VS Code at /Applications/Visual Studio Code.app/Contents โ€ข Flutter extension version 3.102.0 [โœ“] Connected device (4 available) โ€ข 15Pro+ๆ–ฐๅˆŠ.netใงๆ–ฐๅˆŠใƒใ‚งใƒƒใ‚ฏ (mobile) โ€ข 00008130-001E19812210001C โ€ข ios โ€ข iOS 18.1.1 22B91 โ€ข macOS (desktop) โ€ข macos โ€ข darwin-arm64 โ€ข macOS 15.2 24C101 darwin-arm64 โ€ข Mac Designed for iPad (desktop) โ€ข mac-designed-for-ipad โ€ข darwin โ€ข macOS 15.2 24C101 darwin-arm64 โ€ข Chrome (web) โ€ข chrome โ€ข web-javascript โ€ข Google Chrome 131.0.6778.205 [โœ“] Network resources โ€ข All expected network resources are available. ! Doctor found issues in 1 category. ``` </details>
a: text input,platform-mac,a: internationalization,has reproducible steps,P2,fyi-text-input,team-macos,triaged-macos,found in release: 3.27,found in release: 3.28
low
Critical
2,761,380,808
langchain
TypeError: DocumentIntelligenceClientOperationsMixin.begin_analyze_document() missing 1 required positional argument: 'body' when trying to use the AzureAIDocumentIntelligenceLoader with the bytes_source parameter
### Checked other resources - [X] I added a very descriptive title to this issue. - [X] I searched the LangChain documentation with the integrated search. - [X] I used the GitHub search to find a similar question and didn't find it. - [X] I am sure that this is a bug in LangChain rather than my code. - [X] The bug is not resolved by updating to the latest stable version of LangChain (or the specific integration package). ### Example Code This raises a TypeError missing 1 required positional argument: 'body' (trying to use the bytes_source parameter) ```python endpoint = "" key = "" loader = AzureAIDocumentIntelligenceLoader( api_endpoint=endpoint, api_key=key, mode='single', bytes_source=b'%PDF-1.7\n...%', ) loader.load() ``` Seems like the error is in the `parse_bytes` function of the file `/langchain_community/document_loaders/parsers/doc_intelligence.py, line 116` all of the other parsers in this file do not specify the name for the second argument in self.client.begin_analyze_document Example of working parser: ```python def parse_url(self, url: str) -> Iterator[Document]: from azure.ai.documentintelligence.models import AnalyzeDocumentRequest poller = self.client.begin_analyze_document( self.api_model, AnalyzeDocumentRequest(url_source=url), # content_type="application/octet-stream", output_content_format="markdown" if self.mode == "markdown" else "text", ) result = poller.result() ... ``` Parser that does **NOT** work ```python def parse_bytes(self, bytes_source: bytes) -> Iterator[Document]: from azure.ai.documentintelligence.models import AnalyzeDocumentRequest poller = self.client.begin_analyze_document( self.api_model, analyze_request=AnalyzeDocumentRequest(bytes_source=bytes_source), # content_type="application/octet-stream", output_content_format="markdown" if self.mode == "markdown" else "text", ) ``` The `parse_bytes` function does not work properly, the second parameter should be body=... instead of analyze_request or do not specify the name of the parameter at all ### Error Message and Stack Trace (if applicable) File "/home/projects/intelligent_chat-be/server/routers/v1/conversation/file_loader.py", line 114, in _load_azure document = loader.load() ^^^^^^^^^^^^^ File "/home/projects/intelligent_chat-be/.venv/lib/python3.12/site-packages/langchain_core/document_loaders/base.py", line 31, in load return list(self.lazy_load()) ^^^^^^^^^^^^^^^^^^^^^^ File "/home/projects/intelligent_chat-be/.venv/lib/python3.12/site-packages/langchain_community/document_loaders/doc_intelligence.py", line 105, in lazy_load yield from self.parser.parse_bytes(self.bytes_source) File "/home/projects/intelligent_chat-be/.venv/lib/python3.12/site-packages/langchain_community/document_loaders/parsers/doc_intelligence.py", line 116, in parse_bytes poller = self.client.begin_analyze_document( ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "/home/projects/intelligent_chat-be/.venv/lib/python3.12/site-packages/azure/core/tracing/decorator.py", line 94, in wrapper_use_tracer return func(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^ TypeError: DocumentIntelligenceClientOperationsMixin.begin_analyze_document() missing 1 required positional argument: 'body' ### Description I'm trying to use the azure document intelligence loader from langchain to process a sequence of bytes ### System Info System Information ------------------ > OS: Linux > OS Version: #1 SMP Fri Mar 29 23:14:13 UTC 2024 > Python Version: 3.12.8 (main, Dec 4 2024, 08:54:12) [GCC 11.4.0] Package Information ------------------- > langchain_core: 0.3.28 > langchain: 0.3.13 > langchain_community: 0.3.13 > langsmith: 0.2.4 > langchain_openai: 0.2.14 > langchain_qdrant: 0.2.0 > langchain_text_splitters: 0.3.4 > langgraph_sdk: 0.1.48 Optional packages not installed ------------------------------- > langserve Other Dependencies ------------------ > aiohttp: 3.11.11 > async-timeout: Installed. No version info available. > dataclasses-json: 0.6.7 > fastembed: Installed. No version info available. > httpx: 0.27.2 > httpx-sse: 0.4.0 > jsonpatch: 1.33 > langsmith-pyo3: Installed. No version info available. > numpy: 2.1.2 > openai: 1.58.1 > orjson: 3.10.12 > packaging: 24.1 > pydantic: 2.9.2 > pydantic-settings: 2.6.1 > PyYAML: 6.0.2 > qdrant-client: 1.12.2 > requests: 2.32.3 > requests-toolbelt: 1.0.0 > SQLAlchemy: 2.0.36 > tenacity: 9.0.0 > tiktoken: 0.8.0 > typing-extensions: 4.12.
๐Ÿค–:bug
low
Critical
2,761,384,711
rust
ICE while trying to field project out of opaque value by utilizing type ascription
Reproducer: ```rs #![feature(type_ascription)] #![allow(dead_code)] struct Ty(()); fn mk() -> impl Sized { if false { let _ = type_ascribe!(mk(), Ty).0; } Ty(()) } fn main() {} ``` Compiler output (backtrace disabled): ``` note: no errors encountered even though delayed bugs were created note: those delayed bugs will now be shown as internal compiler errors error: internal compiler error: broken MIR in DefId(0:6 ~ ice[df8a]::mk) ((_3.0: ())): can't project out of PlaceTy { ty: Alias(Opaque, AliasTy { args: [], def_id: DefId(0:7 ~ ice[df8a]::mk::{opaque#0}), .. }), variant_index: None } --> ice.rs:8:18 | 8 | let _ = type_ascribe!(mk(), Ty).0; | ^^^^^^^^^^^^^^^^^^^^^^^^^ | note: delayed at compiler/rustc_borrowck/src/type_check/mod.rs:809:31 - disabled backtrace --> ice.rs:8:18 | 8 | let _ = type_ascribe!(mk(), Ty).0; | ^^^^^^^^^^^^^^^^^^^^^^^^^ error: internal compiler error: TyKind::Error constructed but no error reported | = note: delayed at compiler/rustc_borrowck/src/type_check/mod.rs:726:9 - disabled backtrace note: we would appreciate a bug report: https://github.com/rust-lang/rust/issues/new?labels=C-bug%2C+I-ICE%2C+T-compiler&template=ice.md note: please make sure that you have updated to the latest nightly note: rustc 1.85.0-nightly (6d9f6ae36 2024-12-16) running on x86_64-unknown-linux-gnu query stack during panic: end of query stack ``` <details><summary>Compiler output (backtrace enabled)</summary> ```rs note: no errors encountered even though delayed bugs were created note: those delayed bugs will now be shown as internal compiler errors error: internal compiler error: broken MIR in DefId(0:6 ~ ice[df8a]::mk) ((_3.0: ())): can't project out of PlaceTy { ty: Alias(Opaque, AliasTy { args: [], def_id: DefId(0:7 ~ ice[df8a]::mk::{opaque#0}), .. }), variant_index: None } --> ice.rs:8:18 | 8 | let _ = type_ascribe!(mk(), Ty).0; | ^^^^^^^^^^^^^^^^^^^^^^^^^ | note: delayed at compiler/rustc_borrowck/src/type_check/mod.rs:809:31 0: <rustc_errors::DiagCtxtInner>::emit_diagnostic 1: <rustc_errors::DiagCtxtHandle>::emit_diagnostic 2: <rustc_span::ErrorGuaranteed as rustc_errors::diagnostic::EmissionGuarantee>::emit_producing_guarantee 3: <rustc_errors::DiagCtxtHandle>::span_delayed_bug::<rustc_span::span_encoding::Span, alloc::string::String> 4: <rustc_borrowck::type_check::TypeVerifier as rustc_middle::mir::visit::Visitor>::visit_place 5: <rustc_borrowck::type_check::TypeVerifier as rustc_middle::mir::visit::Visitor>::visit_body 6: rustc_borrowck::type_check::type_check 7: rustc_borrowck::nll::compute_regions 8: rustc_borrowck::do_mir_borrowck 9: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::mir_borrowck::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 8]>> 10: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_data_structures::vec_cache::VecCache<rustc_span::def_id::LocalDefId, rustc_middle::query::erase::Erased<[u8; 8]>, rustc_query_system::dep_graph::graph::DepNodeIndex>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 11: rustc_query_impl::query_impl::mir_borrowck::get_query_non_incr::__rust_end_short_backtrace 12: rustc_middle::query::plumbing::query_get_at::<rustc_data_structures::vec_cache::VecCache<rustc_span::def_id::LocalDefId, rustc_middle::query::erase::Erased<[u8; 8]>, rustc_query_system::dep_graph::graph::DepNodeIndex>> 13: rustc_hir_analysis::collect::type_of::type_of_opaque 14: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::type_of_opaque::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 8]>> 15: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_query_system::query::caches::DefIdCache<rustc_middle::query::erase::Erased<[u8; 8]>>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 16: rustc_query_impl::query_impl::type_of_opaque::get_query_non_incr::__rust_end_short_backtrace 17: rustc_middle::query::plumbing::query_get_at::<rustc_query_system::query::caches::DefIdCache<rustc_middle::query::erase::Erased<[u8; 8]>>> 18: rustc_hir_analysis::collect::type_of::type_of 19: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::type_of::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 8]>> 20: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_query_system::query::caches::DefIdCache<rustc_middle::query::erase::Erased<[u8; 8]>>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 21: rustc_query_impl::query_impl::type_of::get_query_non_incr::__rust_end_short_backtrace 22: rustc_middle::query::plumbing::query_get_at::<rustc_query_system::query::caches::DefIdCache<rustc_middle::query::erase::Erased<[u8; 8]>>> 23: rustc_hir_analysis::check::check::check_item_type 24: rustc_hir_analysis::check::wfcheck::check_well_formed 25: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::check_well_formed::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 1]>> 26: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_data_structures::vec_cache::VecCache<rustc_span::def_id::LocalDefId, rustc_middle::query::erase::Erased<[u8; 1]>, rustc_query_system::dep_graph::graph::DepNodeIndex>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 27: rustc_query_impl::query_impl::check_well_formed::get_query_non_incr::__rust_end_short_backtrace 28: rustc_middle::query::plumbing::query_ensure_error_guaranteed::<rustc_data_structures::vec_cache::VecCache<rustc_span::def_id::LocalDefId, rustc_middle::query::erase::Erased<[u8; 1]>, rustc_query_system::dep_graph::graph::DepNodeIndex>, ()> 29: rustc_hir_analysis::check::wfcheck::check_mod_type_wf 30: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::check_mod_type_wf::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 1]>> 31: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_query_system::query::caches::DefaultCache<rustc_span::def_id::LocalModDefId, rustc_middle::query::erase::Erased<[u8; 1]>>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 32: rustc_query_impl::query_impl::check_mod_type_wf::get_query_non_incr::__rust_end_short_backtrace 33: rustc_hir_analysis::check_crate 34: rustc_interface::passes::run_required_analyses 35: rustc_interface::passes::analysis 36: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::analysis::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 0]>> 37: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_query_system::query::caches::SingleCache<rustc_middle::query::erase::Erased<[u8; 0]>>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 38: rustc_query_impl::query_impl::analysis::get_query_non_incr::__rust_end_short_backtrace 39: rustc_interface::interface::run_compiler::<(), rustc_driver_impl::run_compiler::{closure#0}>::{closure#1} 40: std::sys::backtrace::__rust_begin_short_backtrace::<rustc_interface::util::run_in_thread_with_globals<rustc_interface::util::run_in_thread_pool_with_globals<rustc_interface::interface::run_compiler<(), rustc_driver_impl::run_compiler::{closure#0}>::{closure#1}, ()>::{closure#0}, ()>::{closure#0}::{closure#0}, ()> 41: <<std::thread::Builder>::spawn_unchecked_<rustc_interface::util::run_in_thread_with_globals<rustc_interface::util::run_in_thread_pool_with_globals<rustc_interface::interface::run_compiler<(), rustc_driver_impl::run_compiler::{closure#0}>::{closure#1}, ()>::{closure#0}, ()>::{closure#0}::{closure#0}, ()>::{closure#1} as core::ops::function::FnOnce<()>>::call_once::{shim:vtable#0} 42: std::sys::pal::unix::thread::Thread::new::thread_start 43: <unknown> 44: <unknown> --> ice.rs:8:18 | 8 | let _ = type_ascribe!(mk(), Ty).0; | ^^^^^^^^^^^^^^^^^^^^^^^^^ error: internal compiler error: TyKind::Error constructed but no error reported | = note: delayed at compiler/rustc_borrowck/src/type_check/mod.rs:726:9 0: <rustc_errors::DiagCtxtInner>::emit_diagnostic 1: <rustc_errors::DiagCtxtHandle>::emit_diagnostic 2: <rustc_span::ErrorGuaranteed as rustc_errors::diagnostic::EmissionGuarantee>::emit_producing_guarantee 3: <rustc_errors::DiagCtxtHandle>::span_delayed_bug::<rustc_span::span_encoding::Span, &str> 4: <rustc_middle::ty::Ty>::new_misc_error 5: <rustc_borrowck::type_check::TypeVerifier as rustc_middle::mir::visit::Visitor>::visit_place 6: <rustc_borrowck::type_check::TypeVerifier as rustc_middle::mir::visit::Visitor>::visit_body 7: rustc_borrowck::type_check::type_check 8: rustc_borrowck::nll::compute_regions 9: rustc_borrowck::do_mir_borrowck 10: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::mir_borrowck::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 8]>> 11: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_data_structures::vec_cache::VecCache<rustc_span::def_id::LocalDefId, rustc_middle::query::erase::Erased<[u8; 8]>, rustc_query_system::dep_graph::graph::DepNodeIndex>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 12: rustc_query_impl::query_impl::mir_borrowck::get_query_non_incr::__rust_end_short_backtrace 13: rustc_middle::query::plumbing::query_get_at::<rustc_data_structures::vec_cache::VecCache<rustc_span::def_id::LocalDefId, rustc_middle::query::erase::Erased<[u8; 8]>, rustc_query_system::dep_graph::graph::DepNodeIndex>> 14: rustc_hir_analysis::collect::type_of::type_of_opaque 15: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::type_of_opaque::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 8]>> 16: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_query_system::query::caches::DefIdCache<rustc_middle::query::erase::Erased<[u8; 8]>>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 17: rustc_query_impl::query_impl::type_of_opaque::get_query_non_incr::__rust_end_short_backtrace 18: rustc_middle::query::plumbing::query_get_at::<rustc_query_system::query::caches::DefIdCache<rustc_middle::query::erase::Erased<[u8; 8]>>> 19: rustc_hir_analysis::collect::type_of::type_of 20: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::type_of::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 8]>> 21: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_query_system::query::caches::DefIdCache<rustc_middle::query::erase::Erased<[u8; 8]>>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 22: rustc_query_impl::query_impl::type_of::get_query_non_incr::__rust_end_short_backtrace 23: rustc_middle::query::plumbing::query_get_at::<rustc_query_system::query::caches::DefIdCache<rustc_middle::query::erase::Erased<[u8; 8]>>> 24: rustc_hir_analysis::check::check::check_item_type 25: rustc_hir_analysis::check::wfcheck::check_well_formed 26: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::check_well_formed::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 1]>> 27: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_data_structures::vec_cache::VecCache<rustc_span::def_id::LocalDefId, rustc_middle::query::erase::Erased<[u8; 1]>, rustc_query_system::dep_graph::graph::DepNodeIndex>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 28: rustc_query_impl::query_impl::check_well_formed::get_query_non_incr::__rust_end_short_backtrace 29: rustc_middle::query::plumbing::query_ensure_error_guaranteed::<rustc_data_structures::vec_cache::VecCache<rustc_span::def_id::LocalDefId, rustc_middle::query::erase::Erased<[u8; 1]>, rustc_query_system::dep_graph::graph::DepNodeIndex>, ()> 30: rustc_hir_analysis::check::wfcheck::check_mod_type_wf 31: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::check_mod_type_wf::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 1]>> 32: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_query_system::query::caches::DefaultCache<rustc_span::def_id::LocalModDefId, rustc_middle::query::erase::Erased<[u8; 1]>>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 33: rustc_query_impl::query_impl::check_mod_type_wf::get_query_non_incr::__rust_end_short_backtrace 34: rustc_hir_analysis::check_crate 35: rustc_interface::passes::run_required_analyses 36: rustc_interface::passes::analysis 37: rustc_query_impl::plumbing::__rust_begin_short_backtrace::<rustc_query_impl::query_impl::analysis::dynamic_query::{closure#2}::{closure#0}, rustc_middle::query::erase::Erased<[u8; 0]>> 38: rustc_query_system::query::plumbing::try_execute_query::<rustc_query_impl::DynamicConfig<rustc_query_system::query::caches::SingleCache<rustc_middle::query::erase::Erased<[u8; 0]>>, false, false, false>, rustc_query_impl::plumbing::QueryCtxt, false> 39: rustc_query_impl::query_impl::analysis::get_query_non_incr::__rust_end_short_backtrace 40: rustc_interface::interface::run_compiler::<(), rustc_driver_impl::run_compiler::{closure#0}>::{closure#1} 41: std::sys::backtrace::__rust_begin_short_backtrace::<rustc_interface::util::run_in_thread_with_globals<rustc_interface::util::run_in_thread_pool_with_globals<rustc_interface::interface::run_compiler<(), rustc_driver_impl::run_compiler::{closure#0}>::{closure#1}, ()>::{closure#0}, ()>::{closure#0}::{closure#0}, ()> 42: <<std::thread::Builder>::spawn_unchecked_<rustc_interface::util::run_in_thread_with_globals<rustc_interface::util::run_in_thread_pool_with_globals<rustc_interface::interface::run_compiler<(), rustc_driver_impl::run_compiler::{closure#0}>::{closure#1}, ()>::{closure#0}, ()>::{closure#0}::{closure#0}, ()>::{closure#1} as core::ops::function::FnOnce<()>>::call_once::{shim:vtable#0} 43: std::sys::pal::unix::thread::Thread::new::thread_start 44: <unknown> 45: <unknown> note: we would appreciate a bug report: https://github.com/rust-lang/rust/issues/new?labels=C-bug%2C+I-ICE%2C+T-compiler&template=ice.md note: please make sure that you have updated to the latest nightly note: rustc 1.85.0-nightly (6d9f6ae36 2024-12-16) running on x86_64-unknown-linux-gnu query stack during panic: end of query stack ``` </details>
I-ICE,P-low,T-compiler,A-impl-trait,C-bug,requires-nightly,F-type_ascription,S-bug-has-test,fixed-by-next-solver
low
Critical
2,761,388,595
pytorch
The model compiled with torch.compile encounters an error when run.
### ๐Ÿ› Describe the bug I have an LLM and I used torch.compile to compile the function for each step of decoding. After that, I encapsulated a server-side interface using Flask. When I make two concurrent calls, I encounter an error as follows: ``` nknown:0: unknown: block: [1,0,0], thread: [32,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed. | 0/3633 [00:00<?, ?it/s]unknown:0: unknown: block: [1,0,0], thread: [33,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed. unknown:0: unknown: block: [1,0,0], thread: [34,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed.unknown:0: unknown: block: [1,0,0], thread: [35,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed. unknown:0: unknown: block: [1,0,0], thread: [36,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed.unknown:0: unknown: block: [1,0,0], thread: [37,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed. unknown:0: unknown: block: [1,0,0], thread: [38,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed.unknown:0: unknown: block: [1,0,0], thread: [39,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed. .... unknown:0: unknown: block: [2,0,0], thread: [57,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed. unknown:0: unknown: block: [2,0,0], thread: [58,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed.unknown:0: unknown: block: [2,0,0], thread: [59,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed. unknown:0: unknown: block: [2,0,0], thread: [60,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed.unknown:0: unknown: block: [2,0,0], thread: [61,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed. unknown:0: unknown: block: [2,0,0], thread: [62,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed.unknown:0: unknown: block: [2,0,0], thread: [63,0,0] Assertion `index out of bounds: 0 <= tmp7 < 1291` failed. 0%| | 1/3633 [00:00<02:30, 24.07it/s]Exception in thread Thread-10 (llm_job): Traceback (most recent call last): File "/home/ubuntu/anaconda3/envs/fish-speech-v2/lib/python3.10/threading.py", line 1009, in _bootstrap_inner self.run() File "/home/ubuntu/anaconda3/envs/fish-speech-v2/lib/python3.10/threading.py", line 946, in run self._target(*self._args, **self._kwargs) File "/mnt/md0/wy/workspace/tts/open_resource/llm_tts_server/llm_tts.py", line 101, in llm_job for idx, token in enumerate(llm.llm(tts_text_token, spk_embedding)): File "/mnt/md0/wy/workspace/tts/open_resource/llm_tts_server/fish_speech/llm.py", line 36, in llm for y in self.generate( File "/home/ubuntu/anaconda3/envs/fish-speech-v2/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 56, in generator_context response = gen.send(request) File "/home/ubuntu/anaconda3/envs/fish-speech-v2/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 56, in generator_context response = gen.send(request) File "/mnt/md0/wy/workspace/tts/open_resource/llm_tts_server/fish_speech/llm.py", line 274, in generate for x in self.decode_n_tokens( File "/mnt/md0/wy/workspace/tts/open_resource/llm_tts_server/fish_speech/llm.py", line 206, in decode_n_tokens if cur_token[0, 0, -1] == self.im_end_id:RuntimeError: CUDA error: device-side assert triggered CUDA kernel errors might be asynchronously reported at some other API call, so the stacktrace below might be incorrect.For debugging consider passing CUDA_LAUNCH_BLOCKING=1. Compile with `TORCH_USE_CUDA_DSA` to enable device-side assertions. ``` **However, when I make a single concurrent call, there are no errors. Additionally, if I don't use torch.compile, there are also no errors when making two concurrent calls** ### Versions version๏ผš python:3.10.4 pytorch:torch2.1.0+cu118 compile code: ```python decode_one_token = torch.compile(decode_one_token, mode="reduce-overhead", fullgraph=True) ``` server code: ```python import os import sys import argparse from loguru import logger from flask import Flask, jsonify, request, Response from flask_socketio import SocketIO, emit import uvicorn import base64 import torch import torchaudio import io import threading import time import uuid import numpy as np import json from werkzeug.utils import secure_filename ROOT_DIR = os.path.dirname(os.path.abspath(__file__)) sys.path.append('{}/..'.format(ROOT_DIR)) from llm_tts import LLM_TTS from constant import MAX_DEC_NUM, MIN_PROMPT_AUDIO_DUR, MAX_PROMPT_AUDIO_DUR, MIN_PROMPT_AUDIO_SAMPLE_RATE, MAX_TEXT_LENGTH g_lock = threading.Lock() g_current_dec_num = 0 app = Flask(__name__) def buildResponse(outputs): buffer = io.BytesIO() result = [] for i, output in enumerate(outputs): sample_rate = output['sample_rate'] result.append(output['tts_speech']) torchaudio.save(buffer, torch.cat(result, dim = 1), sample_rate, format="wav") buffer.seek(0) return Response(buffer.getvalue(), mimetype="audio/wav") def audio_to_pcm_int16(audio: np.ndarray, sample_rate: int = None) -> bytes: ''' `audio` is expected to have values in range [-1.0, 1.0] in float format. ''' audio = (audio * np.iinfo(np.int16).max).astype(np.int16) return audio.tobytes() @app.route("/inference_tts", methods=['POST']) def inference_tts(): request_data = request.get_json() tts_text = request_data.get("tts_text") spk_id = `request_data.get("spk_id")` if not tts_text or not spk_id: return jsonify({"error": "Missing 'tts_text', 'prompt_text' or 'prompt_wav' in request data"}), 400 request_id = str(uuid.uuid4()) model_output = llm_tts.tts(tts_text, spk_id) response = buildResponse(model_output) return response if __name__ == '__main__': parser = argparse.ArgumentParser() parser.add_argument('--port', type=int, default=50000) parser.add_argument('--config_path', type=str, default="config/config.yaml", help='model dir') args = parser.parse_args() llm_tts = LLM_TTS(args.config_path) # warmup outputs = llm_tts.tts("This is a test case.", "female") for i, output in enumerate(outputs): pass app.run(host="0.0.0.0", port=args.port, debug=False) ``` cc @chauhang @penguinwu @voznesenskym @EikanWang @jgong5 @Guobing-Chen @XiaobingSuper @zhuhaozhe @blzheng @wenzhe-nrv @jiayisunx @ipiszy @yf225 @chenyang78 @kadeng @muchulee8 @ColinPeppler @amjames @desertfire @aakhundov
triaged,oncall: pt2,module: inductor
low
Critical
2,761,393,466
excalidraw
Rescaling Shapes Doesn't Work!
Many of you might know that rescaling the shapes doesn't work as the shapes resize but the strokes are too thick when risized very much! I have also noticed that resizing the texts does work! So it means that rescaling the shapes properly is possible! Just we need to pay some attention towards this corner of excalidraw. **NOTE** - I am talking about rescaling the shapes *down*.
bug
low
Minor
2,761,408,753
react
Bug: Chrome dev tools memory leak heads up
TLDR: There is a bug with Chrome dev tools that prevents nodes to be garbage collected ( detached nodes ) I noticed a lot of detached nodes when navigating in my Vite react 18 app. Thought it was something with react-router, but then tried with tanstack router and there was the same issue. Later I could reproduce the bug with raw react code. So I spent last few days deep diving into react source code until it lead to pure JavaScript events causing this... By the end I figured out that it was chrome dev tools causing this, they start tracking on all events that won't allow garbage collection or something like that. And it is relatively new bug. Tested with chrome 83 and 104. No issues with detached nodes... Not sure which version of chrome introduced this. But beware memory leak bug reports that could come soon. Here is the video of the same code with chrome 104 (left) and chrome 131 (right) https://github.com/user-attachments/assets/926bb228-c9dc-4ccd-aa70-f34051cf64bb React version: Tested with 16, 18 and 19 ## Steps To Reproduce 1. Open codesandbox. There is a button called "open in a new tab", click it. ![image](https://github.com/user-attachments/assets/f14a27e0-62c1-4e25-9479-4ff21f65ebcf) 2. Open chrome dev tools. 3. In the video I used performance monitor. But you can track memory leaks however you want in Memory tab. 4. Each time you click on event button and then on render button it will fail to garbage collect previous nodes. ### To make sure that it is chrome dev tools and not react. 1. Open the same sandbox preview in new tab. Don't open dev tools yet. 2. Start clicking on event and render buttons dozen times. 3. Open dev tools and see that there are no detached nodes. Link to code example: https://codesandbox.io/p/sandbox/lingering-bash-lschws ## The current behavior Fails to garbage collect unused nodes ## The expected behavior Should garbage collect
Status: Unconfirmed
medium
Critical
2,761,432,094
go
x/crypto/ssh: `ParseRawPrivateKey` should return `PassphraseMissingError` for `ENCRYPTED PRIVATE KEY`
### Go version go1.23.4 ### Output of `go env` in your module/workspace: ```shell N/A ``` ### What did you do? I was validating a [Box-generated private key](https://github.com/box/developer.box.com/blob/d7a17fc79446b32f02e1ddb8e0043b9587882710/content/guides/authentication/jwt/with-sdk.md?plain=1#L65) using `ssh.ParseRawPrivateKey` and encountered an unexpected error. **Reproducer:** https://go.dev/play/p/mX6cEyGa7FO ( The private key is inert and was generated with: `openssl genpkey -algorithm RSA -aes256 -out encrypted_private_key.pem`) ### What did you see happen? The function fails due to "ENCRYPTED PRIVATE KEY" not being a supported key type. ``` panic: ssh: unsupported key type "ENCRYPTED PRIVATE KEY" ``` ### What did you expect to see? The function should actually return `PassphraseMissingError`, per the documentation: > If the private key is encrypted, it will return a PassphraseMissingError. https://github.com/golang/crypto/blob/b4f1988a35dee11ec3e05d6bf3e90b695fbd8909/ssh/keys.go#L1230-L1233
NeedsInvestigation
low
Critical
2,761,500,083
next.js
Boundary Serialization - `Props must be serializable for components in "use client" file` warning
### Link to the code that reproduces this issue https://github.com/inducingchaos/riley-barabash ### To Reproduce **(Ignore code repro - SEE https://github.com/vercel/next.js/discussions/46795)** In my experience: just create any component in a `"use client"` file that accepts a function, dispatch for state, or anything that is non-serializable as props. ### Current vs. Expected behavior Current: Typescript (Next.js version) will give a warning (the title) to either a) make props serializable, or b) to postfix the prop name with 'Action'. This has led to an unnecessary amount of renamings simply to avoid this warning - where the majority of cases **don't have anything to do with Server Actions at all.** Expected: No warnings when passing props unrelated to SA's or the client-server boundary, especially in cases where client components are layered. ### Provide environment information ```bash Operating System: Platform: darwin Arch: x64 Version: Darwin Kernel Version 24.0.0: Mon Aug 12 20:54:30 PDT 2024; root:xnu-11215.1.10~2/RELEASE_X86_64 Available memory (MB): 32768 Available CPU cores: 16 Binaries: Node: 22.9.0 npm: 10.8.3 Yarn: N/A pnpm: 9.12.0 Relevant Packages: next: 15.1.1-canary.16 // There is a newer canary version (15.1.1-canary.22) available, please upgrade! eslint-config-next: 14.2.11 react: 19.0.0-rc-603e6108-20241029 react-dom: 19.0.0-rc-603e6108-20241029 typescript: 5.6.2 Next.js Config: output: N/A ``` ### Which area(s) are affected? (Select all that apply) Developer Experience, Linting, Partial Prerendering (PPR) ### Which stage(s) are affected? (Select all that apply) next dev (local) ### Additional context Didn't provide a repro because I'm lazy and I think there's enough context within the discussion thread I linked. See: https://github.com/vercel/next.js/discussions/46795
Linting,Partial Prerendering (PPR)
low
Major
2,761,546,871
kubernetes
apiserver healthz should check etcd override endpoints
### What happened? It seems the apiserver will fail bootstrap if the etcd override endpoint is not healthy. But after the bootstrap completes, if the etcd override endpoint become unhealthy, the apiserver health check will still report OK while `kubectl get cs` will report etcd override endpoint is not healthy. ### What did you expect to happen? APIserver health check should report unhealthy when an etcd override endpoint is unhealthy. ### How can we reproduce it (as minimally and precisely as possible)? Run 2 etcd clusters: one for events and one for the other resources. Then configure apiserver to use the event etcd using the `--etcd-servers-overrides` flag. After the apiserver complete the bootstrap, kill the event etcd. You will be able to see APIServer health check still reporting OK. ### Anything else we need to know? _No response_ ### Kubernetes version 1.32. I think I have seen this issue in older version as well. ### Cloud provider N/A ### OS version <details> ```console # On Linux: $ cat /etc/os-release # paste output here $ uname -a # paste output here # On Windows: C:\> wmic os get Caption, Version, BuildNumber, OSArchitecture # paste output here ``` </details> ### Install tools <details> </details> ### Container runtime (CRI) and version (if applicable) <details> </details> ### Related plugins (CNI, CSI, ...) and versions (if applicable) <details> </details>
kind/bug,sig/api-machinery,triage/accepted
low
Minor
2,761,557,244
tauri
[bug] iOS Microphone Access
### Describe the bug I've a standard web application that requires mic access, it works perfectly on Chrome/Firefox. When I deployed the app to iOS using tauri, it failed to access the mic nor enumerate media devices. The mic permission is shown randomly once. Here's the code I use to initialize user's media: ```js async requestPermission() { const permissionStatus = await navigator.permissions.query({ name: 'microphone', }); if (permissionStatus.state === 'denied') { window.alert('You must grant microphone access to use this feature.'); } else if (permissionStatus.state === 'prompt') { try { const stream = await navigator.mediaDevices.getUserMedia({ audio: true, }); const tracks = stream.getTracks(); tracks.forEach((track) => track.stop()); } catch (e) { window.alert('You must grant microphone access to use this feature.'); } } return true; } ``` ### Reproduction Standard app. ### Expected behavior The app lists and access mic media stream. ### Full `tauri info` output ```text The app is deployed correctly. ``` ### Stack trace _No response_ ### Additional context _No response_
type: bug,status: needs triage
low
Critical
2,761,560,321
ui
[bug]: EUNSUPPORTEDPROTOCOL while trying to create monorepo
### Describe the bug While creating a new monorepo project, it throws below error: ```sh chintansoni@192 projects % npx shadcn@canary init โœ” The path /Users/chintansoni/projects does not contain a package.json file. Would you like to start a new project? โ€บ Next.js (Monorepo) โœ” What is your project named? โ€ฆ shadcn-monorepo โœ– Something went wrong creating a new Next.js monorepo. Something went wrong. Please check the error below for more details. If the problem persists, please open an issue on GitHub. Command failed with exit code 1: npm install npm error code EUNSUPPORTEDPROTOCOL npm error Unsupported URL Type "workspace:": workspace:* npm error A complete log of this run can be found in: /Users/chintansoni/.npm/_logs/2024-12-28T06_33_50_510Z-debug-0.log ``` ### Affected component/components Project creation ### How to reproduce 1. Go to the terminal 2. Execute: `npx shadcn@canary init` 3. In the first prompt **Would you like to start a new project?**, select **Next.js (Monorepo)** 4. In the next prompt **What is your project named?**, enter the project name **shadcn-monorepo** ### Codesandbox/StackBlitz link _No response_ ### Logs ```bash 0 verbose cli /Users/chintansoni/.nvm/versions/node/v22.8.0/bin/node /Users/chintansoni/.nvm/versions/node/v22.8.0/bin/npm 1 info using [email protected] 2 info using [email protected] 3 silly config load:file:/Users/chintansoni/.nvm/versions/node/v22.8.0/lib/node_modules/npm/npmrc 4 silly config load:file:/Users/chintansoni/projects/shadcn-monorepo/.npmrc 5 silly config load:file:/Users/chintansoni/.npmrc 6 silly config load:file:/Users/chintansoni/.nvm/versions/node/v22.8.0/etc/npmrc 7 verbose title npm install 8 verbose argv "install" 9 verbose logfile logs-max:10 dir:/Users/chintansoni/.npm/_logs/2024-12-28T06_33_50_510Z- 10 verbose logfile /Users/chintansoni/.npm/_logs/2024-12-28T06_33_50_510Z-debug-0.log 11 silly logfile start cleaning logs, removing 1 files 12 silly packumentCache heap:2197815296 maxSize:549453824 maxEntrySize:274726912 13 silly logfile done cleaning log files 14 silly idealTree buildDeps 15 verbose stack Error: Unsupported URL Type "workspace:": workspace:* 15 verbose stack at unsupportedURLType (/Users/chintansoni/.nvm/versions/node/v22.8.0/lib/node_modules/npm/node_modules/npm-package-arg/lib/npa.js:310:15) 15 verbose stack at fromURL (/Users/chintansoni/.nvm/versions/node/v22.8.0/lib/node_modules/npm/node_modules/npm-package-arg/lib/npa.js:367:13) 15 verbose stack at Function.resolve (/Users/chintansoni/.nvm/versions/node/v22.8.0/lib/node_modules/npm/node_modules/npm-package-arg/lib/npa.js:83:12) 15 verbose stack at #nodeFromEdge (/Users/chintansoni/.nvm/versions/node/v22.8.0/lib/node_modules/npm/node_modules/@npmcli/arborist/lib/arborist/build-ideal-tree.js:1039:22) 15 verbose stack at #buildDepStep (/Users/chintansoni/.nvm/versions/node/v22.8.0/lib/node_modules/npm/node_modules/@npmcli/arborist/lib/arborist/build-ideal-tree.js:904:35) 15 verbose stack at #buildDeps (/Users/chintansoni/.nvm/versions/node/v22.8.0/lib/node_modules/npm/node_modules/@npmcli/arborist/lib/arborist/build-ideal-tree.js:757:30) 15 verbose stack at Arborist.buildIdealTree (/Users/chintansoni/.nvm/versions/node/v22.8.0/lib/node_modules/npm/node_modules/@npmcli/arborist/lib/arborist/build-ideal-tree.js:181:28) 15 verbose stack at async Promise.all (index 1) 15 verbose stack at async Arborist.reify (/Users/chintansoni/.nvm/versions/node/v22.8.0/lib/node_modules/npm/node_modules/@npmcli/arborist/lib/arborist/reify.js:131:5) 15 verbose stack at async Install.exec (/Users/chintansoni/.nvm/versions/node/v22.8.0/lib/node_modules/npm/lib/commands/install.js:150:5) 16 error code EUNSUPPORTEDPROTOCOL 17 error Unsupported URL Type "workspace:": workspace:* 18 silly unfinished npm timer reify 1735367630748 19 silly unfinished npm timer reify:loadTrees 1735367630748 20 silly unfinished npm timer idealTree:buildDeps 1735367630753 21 silly unfinished npm timer idealTree:#root 1735367630753 22 verbose cwd /Users/chintansoni/projects/shadcn-monorepo 23 verbose os Darwin 24.2.0 24 verbose node v22.8.0 25 verbose npm v10.9.0 26 verbose exit 1 27 verbose code 1 28 error A complete log of this run can be found in: /Users/chintansoni/.npm/_logs/2024-12-28T06_33_50_510Z-debug-0.log ``` ### System Info ```bash Macbook Air Chip: Apple M2 Memory: 8 GB OS: Sequoia ``` ### Before submitting - [X] I've made research efforts and searched the documentation - [X] I've searched for existing issues
bug
low
Critical
2,761,571,001
flutter
[Flutter Driver] - Don't print non-error logs during standard behaviors
I'm using `FlutterDriver` to communicate from my host machine to a running Flutter app. This connection is printing logs to my console that I don't want: ``` hell: VMServiceFlutterDriver: Connecting to Flutter application at ws://127.0.0.1:42929/8muWsyIrrOE=/ws Shell: VMServiceFlutterDriver: Isolate found with number: 5117927336279423 Shell: VMServiceFlutterDriver: Isolate 5117927336279423 is runnable. Shell: VMServiceFlutterDriver: Isolate is not paused. Assuming application is ready. Shell: VMServiceFlutterDriver: Connected to Flutter application. ``` I believe these logs are coming from the following callpath: 1. https://github.com/flutter/flutter/blob/b15625ca92ecb044246c5268b1c0c0fdd8d37929/packages/flutter_driver/lib/src/driver/vmservice_driver.dart#L89 2. https://github.com/flutter/flutter/blob/b15625ca92ecb044246c5268b1c0c0fdd8d37929/packages/flutter_driver/lib/src/driver/vmservice_driver.dart#L602 3. https://github.com/flutter/flutter/blob/b15625ca92ecb044246c5268b1c0c0fdd8d37929/packages/flutter_driver/lib/src/common/error.dart#L58 It seems that all such calls to `_log()` are eventually treated as if they're errors: ```dart void _defaultDriverLogger(String source, String message) { try { stderr.writeln('$source: $message'); } on FileSystemException { // May encounter IO error: https://github.com/flutter/flutter/issues/69314 } } ```
t: flutter driver,will need additional triage
low
Critical
2,761,581,543
react-native
RCTNotAllowedValidationDisabled not working
### Description I can't seem to turn off the error: ` (NOBRIDGE) ERROR Error: Tried to access NativeModule "RNFBAppModule" from the bridge. This isn't allowed in Bridgeless mode.` ### Steps to reproduce 1. Using React Native in Bridgeless mode. 2. Call any function that triggers the use of RNFBAppModule (or a similar module). 3. Observe the error. ### React Native Version 0.76.5 ### Affected Platforms Runtime - iOS ### Output of `npx react-native info` ```text System: OS: macOS 14.4 CPU: (11) arm64 Apple M3 Pro Memory: 384.55 MB / 18.00 GB Shell: version: "5.9" path: /bin/zsh Binaries: Node: version: 23.4.0 path: /opt/homebrew/bin/node Yarn: version: 1.22.22 path: ~/Documents/***/node_modules/.bin/yarn npm: version: 10.9.2 path: /opt/homebrew/bin/npm Watchman: version: 2024.12.02.00 path: /opt/homebrew/bin/watchman Managers: CocoaPods: version: 1.15.2 path: /Users/Gideon/.rbenv/shims/pod SDKs: iOS SDK: Platforms: - DriverKit 23.5 - iOS 17.5 - macOS 14.5 - tvOS 17.5 - visionOS 1.2 - watchOS 10.5 Android SDK: Not Found IDEs: Android Studio: 2024.2 AI-242.23339.11.2421.12700392 Xcode: version: 15.4/15F31d path: /usr/bin/xcodebuild Languages: Java: version: javac 23 path: /usr/bin/javac Ruby: version: 3.1.2 path: /Users/Gideon/.rbenv/shims/ruby npmPackages: "@react-native-community/cli": installed: 15.0.1 wanted: 15.0.1 react: installed: 18.3.1 wanted: 18.3.1 react-native: installed: 0.76.5 wanted: 0.76.5 react-native-macos: Not Found npmGlobalPackages: "*react-native*": Not Found Android: hermesEnabled: false newArchEnabled: true iOS: hermesEnabled: true newArchEnabled: true ``` ### Stacktrace or Logs ```text 11.5.0 - [FirebaseMessaging][I-FCM001000] FIRMessaging Remote Notifications proxy enabled, will swizzle remote notification receiver handlers. If you'd prefer to manually integrate Firebase Messaging, add "FirebaseAppDelegateProxyEnabled" to your Info.plist, and set it to NO. Follow the instructions at: https://firebase.google.com/docs/cloud-messaging/ios/client#method_swizzling_in_firebase_messaging to ensure proper integration. 11.5.0 - [FirebaseAnalytics][I-ACS023007] Analytics v.11.5.0 started 11.5.0 - [FirebaseAnalytics][I-ACS023008] To enable debug logging set the following application argument: -FIRAnalyticsDebugEnabled (see http://goo.gl/RfcP7r) 11.5.0 - [FirebaseAnalytics][I-ACS800023] No pending snapshot to activate. SDK name: app_measurement 11.5.0 - [FirebaseAnalytics][I-ACS023012] Analytics collection enabled 11.5.0 - [FirebaseAnalytics][I-ACS023220] Analytics screen reporting is enabled. Call Analytics.logEvent(AnalyticsEventScreenView, parameters: [...]) to log a screen view event. To disable automatic screen reporting, set the flag FirebaseAutomaticScreenReportingEnabled to NO (boolean) in the Info.plist nw_socket_handle_socket_event [C5.1.1:1] Socket SO_ERROR 61 nw_socket_handle_socket_event [C5.1.2:1] Socket SO_ERROR 61 nw_connection_get_connected_socket_block_invoke [C5] Client called nw_connection_get_connected_socket on unconnected nw_connection TCP Conn 0x60000339a8a0 Failed : error 0:61 [61] Bridgeless mode is enabled 'Hermes enabled::', true Error: Tried to access NativeModule "RNFBAppModule" from the bridge. This isn't allowed in Bridgeless mode. Unbalanced calls start/end for tag 20 Unbalanced calls start/end for tag 19 Unable to find module for RNCPHAssetUploader WARNING: Logging before InitGoogleLogging() is written to STDERR I1228 09:13:53.964581 1841737728 UIManagerBinding.cpp:164] instanceHandle is null, event of type topMomentumScrollEnd will be dropped W1228 09:14:03.851895 123339328 Scheduler.cpp:158] Scheduler::~Scheduler() was called (address: 0x600003704d80). W1228 09:14:03.879995 1841737728 UIManagerBinding.cpp:61] UIManagerBinding::~UIManagerBinding() was called (address: 0x600003b001d8). W1228 09:14:03.880321 1841737728 UIManager.cpp:64] UIManager::~UIManager() was called (address: 0x109c0fed8). nw_socket_handle_socket_event [C10.1.1:1] Socket SO_ERROR 61 nw_socket_handle_socket_event [C10.1.2:1] Socket SO_ERROR 61 nw_connection_get_connected_socket_block_invoke [C10] Client called nw_connection_get_connected_socket on unconnected nw_connection TCP Conn 0x60000340cbe0 Failed : error 0:61 [61] Bridgeless mode is enabled 'Hermes enabled::', true Error: Tried to access NativeModule "RNFBAppModule" from the bridge. This isn't allowed in Bridgeless mode. ``` ### Reproducer https://github.com/GideonAgboba ### Screenshots and Videos <img width="905" alt="Screenshot 2024-12-28 at 09 21 12" src="https://github.com/user-attachments/assets/c28ff992-6a4d-4c85-b0fe-0cedef25dba5" />
Needs: Author Feedback,Needs: Repro
low
Critical
2,761,587,345
deno
fmt(astro): formatter error on attribute using template strings
Version: Deno 2.1.4 ```sh PS C:\astro> deno fmt --unstable-component Error formatting: C:\astro\eg.astro Syntax error (expected attribute value) at file:///C:/astro/eg.astro:4:0 Checked 1 file PS C:\astro> ``` eg.astro ```astro --- const color = "red" --- <p style=`color: ${color};`>Hello</p> ``` This code works fine with Astro.
bug,deno fmt
low
Critical
2,761,640,665
opencv
Can't build for iOS arm64: No CMAKE_Swift_COMPILER
### System Information - OpenCV version from this commit: aeb7a9b3838ac17ca4dde452822c0cb04de295d1 - Operating System: macOS Ventura 13.7.2 - Compiler: cmake ### Detailed description -- The Swift compiler identification is Apple CMake Error at CMakeLists.txt:20 (enable_language): No CMAKE_Swift_COMPILER could be found. Detailed logs: https://github.com/kopyl/opencv-build-ios-arm64-logs ### Steps to reproduce Build with this command: ``` opencv/platforms/ios/build_framework.py ios --iphoneos_archs arm64 --build_only_specified_archs ``` I just wanted to build it for my iOS app with this tutorial. https://docs.opencv.org/4.x/d5/da3/tutorial_ios_install.html ### Issue submission checklist - [X] I report the issue, it's not a question - [X] I checked the problem with documentation, FAQ, open issues, forum.opencv.org, Stack Overflow, etc and have not found any solution - [X] I updated to the latest OpenCV version and the issue is still there - [ ] There is reproducer code and related data files (videos, images, onnx, etc)
bug,category: build/install,platform: ios/osx
low
Critical
2,761,645,508
ant-design
Column Group in table
### Reproduction link [![Edit on CodeSandbox](https://codesandbox.io/static/img/play-codesandbox.svg)](https://codesandbox.io/p/sandbox/kcstd8) ### Steps to reproduce use table with group column ### What is expected? show separator between grouped column and other columns ### What is actually happening? in this case we dont have any separator between grouped column and basic columns | Environment | Info | | --- | --- | | antd | 5.22.7 | | React | react js 18 | | System | windows | | Browser | chrome | --- I changed the header color of the table in the CodeSandbox example to red to make the issue more noticeable. <!-- generated by ant-design-issue-helper. DO NOT REMOVE -->
unconfirmed
low
Minor
2,761,662,298
PowerToys
Mapping Copilot key (win + shift + F23) -> CTRL: almost impossible to use Copilot in hotkeys as CTRL key - need "Remap a KEY" for Copilot
### Microsoft PowerToys version 0.87.1 ### Installation method Microsoft Store ### Running as admin Yes ### Area(s) with issue? Keyboard Manager ### Steps to reproduce i was able to remap copilot as a shortcut: ![Image](https://github.com/user-attachments/assets/3227789f-772d-41a1-a557-89ee8facfa0f) but in such scenario if you hold copilot key it only sends single press & release of ctrl What i expect from copilot key is to use it in various hotkeys as normal ctrl for example if i have language switching set up to ctrl + shift - it does not work if i press copilot and hold it and then press shift though it works if i press shift and hold it and then press copilot another example: ctrl +shift + esc opens task manager but it does not work at all with copilot key remapped to ctrl - i tried in all possible orders i.e. shift + esc + copilot shift + copilot + esc copilot + shift + esc copilot + esc + shift esc + copilot + shift esc + shift + copilot none of these 6 works also: i tried to map copilot to letter 'A' - holding copilot only produces single letter 'A' AFAIU: adding possibility to "**Remap a KEY**" for Copilot key should resolve this issue ### โœ”๏ธ Expected Behavior when copilot is remapped to ctrl i expect it to act literally as ctrl key whenever you hold it or just clicking it once i.e. holding copilot should be equal to holding ctrl and should allow using hotkeys containing ctrl key AFAIU: adding possibility to "**Remap a KEY**" for Copilot key should resolve this issue ### โŒ Actual Behavior copilot key remapped as shortcut to ctrl only sends single ctrl press even if copilot key being held ### Other Software _No response_
Issue-Bug,Needs-Triage
low
Minor
2,761,663,822
PowerToys
Highlighting text and modifying its style, as done in Android.
### Description of the new feature / enhancement Hi, Modifying the selected text using "ticks" (similar to Android) would be an interesting option. Kind regards ![Image](https://github.com/user-attachments/assets/bfc09a15-a103-47b2-89de-308a14c27744) https://github.com/user-attachments/assets/24297699-4f03-48ae-98a0-8ee1242775a5 ### Scenario when this would be used? ! ### Supporting information _No response_
Needs-Triage
low
Minor
2,761,670,912
storybook
[Bug]: Missing "./vite" specifier in "@testing-library/svelte" package
### Describe the bug When running `yarn start` on the next branch: ``` ๐Ÿฅพ Bootstrapping > npx nx run-many -t build --parallel=15 An error occurred while executing: `npx nx run-many -t build --parallel=15` โŒ Failed to bootstrap Error running task compile for react-vite/default-ts: { "shortMessage": "Command failed with exit code 1: npx nx run-many -t build --parallel=15", "command": "npx nx run-many -t build --parallel=15", "escapedCommand": "\"npx nx run-many -t build --parallel=15\"", "exitCode": 1, "stdout": "\r\n NX Unable to create nodes for renderers/svelte/vitest.config.ts using plugin @nx/vite/plugin. \r\n\r\n\r\n\t Inner Error: Error: Build failed with 1 error:\r\nnode_modules/esbuild/lib/main.js:1225:27: ERROR: [plugin: externalize-deps] Missing \"./vite\" specifier in \"@testing-library/svelte\" package\r\n at failureErrorWithLog (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1472:15)\r\n at D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:945:25\r\n at runOnEndCallbacks (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1315:45)\r\n at buildResponseToResult (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:943:7)\r\n at D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:970:16\r\n at responseCallbacks.<computed> (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:622:9)\r\n at handleIncomingPacket (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:677:12)\r\n at Socket.readFromStdout (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:600:7)\r\n at Socket.emit (node:events:513:28)\r\n at addChunk (node:internal/streams/readable:559:12)\r\n", "stderr": "X [ERROR] Missing \"./vite\" specifier in \"@testing-library/svelte\" package [plugin externalize-deps]\n\n node_modules/esbuild/lib/main.js:1225:27:\n 1225 โ”‚ let result = await callback({\n โ•ต ^\n\n at e (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:21445:25)\n at n (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:21445:627)\n at o (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:21445:1297)\n at resolveExportsOrImports (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:28746:20)\n at resolveDeepImport (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:28765:31)\n at tryNodeResolve (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:28453:20)\n at resolveByViteResolver (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66224:32)\n at file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66265:40\n at requestCallbacks.on-resolve (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1225:28)\n at handleRequest (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:647:17)\n\n This error came from the \"onResolve\" callback registered here:\n\n node_modules/esbuild/lib/main.js:1150:20:\n 1150 โ”‚ let promise = setup({\n โ•ต ^\n\n at setup (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66250:27)\n at handlePlugins (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1150:21)\n at buildOrContextImpl (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:873:5)\n at Object.buildOrContext (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:699:5)\n at D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:2024:15\n at new Promise (<anonymous>)\n at Object.build (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:2023:25)\n at build (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1874:51)\n at bundleConfigFile (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66201:26)\n\n The plugin \"externalize-deps\" was triggered by this import\n\n renderers/svelte/vitest.config.ts:10:13:\n 10 โ”‚ import('@testing-library/svelte/vite').then(({ svelteTesting...\n โ•ต ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n\n\u001b[33mThe CJS build of Vite's Node API is deprecated. See https://vitejs.dev/guide/troubleshooting.html#vite-cjs-node-api-deprecated for more details.\u001b[39m\n\u001b[31mfailed to load config from D:\\Programming\\storybook\\code\\renderers\\svelte\\vitest.config.ts\u001b[39m\nUnable to create nodes for renderers/svelte/vitest.config.ts using plugin @nx/vite/plugin. \n\n\t Inner Error: Error: Build failed with 1 error:\nnode_modules/esbuild/lib/main.js:1225:27: ERROR: [plugin: externalize-deps] Missing \"./vite\" specifier in \"@testing-library/svelte\" package\n at failureErrorWithLog (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1472:15)\n at D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:945:25\n at runOnEndCallbacks (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1315:45)\n at buildResponseToResult (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:943:7)\n at D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:970:16\n at responseCallbacks.<computed> (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:622:9)\n at handleIncomingPacket (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:677:12)\n at Socket.readFromStdout (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:600:7)\n at Socket.emit (node:events:513:28)\n at addChunk (node:internal/streams/readable:559:12)", "failed": true, "timedOut": false, "isCanceled": false, "killed": false } Error: Command failed with exit code 1: npx nx run-many -t build --parallel=15 X [ERROR] Missing "./vite" specifier in "@testing-library/svelte" package [plugin externalize-deps] node_modules/esbuild/lib/main.js:1225:27: 1225 โ”‚ let result = await callback({ โ•ต ^ at e (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:21445:25) at n (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:21445:627) at o (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:21445:1297) at resolveExportsOrImports (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:28746:20) at resolveDeepImport (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:28765:31) at tryNodeResolve (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:28453:20) at resolveByViteResolver (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66224:32) at file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66265:40 at requestCallbacks.on-resolve (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:1225:28) at handleRequest (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:647:17) This error came from the "onResolve" callback registered here: node_modules/esbuild/lib/main.js:1150:20: 1150 โ”‚ let promise = setup({ โ•ต ^ at setup (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66250:27) at handlePlugins (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:1150:21) at buildOrContextImpl (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:873:5) at Object.buildOrContext (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:699:5) at D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:2024:15 at new Promise (<anonymous>) at Object.build (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:2023:25) at build (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:1874:51) at bundleConfigFile (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66201:26) The plugin "externalize-deps" was triggered by this import renderers/svelte/vitest.config.ts:10:13: 10 โ”‚ import('@testing-library/svelte/vite').then(({ svelteTesting... โ•ต ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ The CJS build of Vite's Node API is deprecated. See https://vitejs.dev/guide/troubleshooting.html#vite-cjs-node-api-deprecated for more details. failed to load config from D:\Programming\storybook\code\renderers\svelte\vitest.config.ts Unable to create nodes for renderers/svelte/vitest.config.ts using plugin @nx/vite/plugin. Inner Error: Error: Build failed with 1 error: node_modules/esbuild/lib/main.js:1225:27: ERROR: [plugin: externalize-deps] Missing "./vite" specifier in "@testing-library/svelte" package at failureErrorWithLog (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:1472:15) at D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:945:25 at runOnEndCallbacks (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:1315:45) at buildResponseToResult (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:943:7) at D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:970:16 at responseCallbacks.<computed> (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:622:9) at handleIncomingPacket (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:677:12) at Socket.readFromStdout (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:600:7) at Socket.emit (node:events:513:28) at addChunk (node:internal/streams/readable:559:12) NX Unable to create nodes for renderers/svelte/vitest.config.ts using plugin @nx/vite/plugin. Inner Error: Error: Build failed with 1 error: node_modules/esbuild/lib/main.js:1225:27: ERROR: [plugin: externalize-deps] Missing "./vite" specifier in "@testing-library/svelte" package at failureErrorWithLog (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:1472:15) at D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:945:25 at runOnEndCallbacks (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:1315:45) at buildResponseToResult (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:943:7) at D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:970:16 at responseCallbacks.<computed> (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:622:9) at handleIncomingPacket (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:677:12) at Socket.readFromStdout (D:\Programming\storybook\code\node_modules\esbuild\lib\main.js:600:7) at Socket.emit (node:events:513:28) at addChunk (node:internal/streams/readable:559:12) at makeError (D:\Programming\storybook\scripts\node_modules\execa\lib\error.js:59:13) at handlePromise (D:\Programming\storybook\scripts\node_modules\execa\index.js:119:50) at process.processTicksAndRejections (node:internal/process/task_queues:105:5) at async exec (D:\Programming\storybook\scripts\utils\exec.ts:43:7) at async runTask (D:\Programming\storybook\scripts\task.ts:319:24) at async run (D:\Programming\storybook\scripts\task.ts:489:28) { shortMessage: 'Command failed with exit code 1: npx nx run-many -t build --parallel=15', command: 'npx nx run-many -t build --parallel=15', escapedCommand: '"npx nx run-many -t build --parallel=15"', exitCode: 1, signal: undefined, signalDescription: undefined, stdout: '\r\n' + ' NX Unable to create nodes for renderers/svelte/vitest.config.ts using plugin @nx/vite/plugin. \r\n' + '\r\n' + '\r\n' + '\t Inner Error: Error: Build failed with 1 error:\r\n' + 'node_modules/esbuild/lib/main.js:1225:27: ERROR: [plugin: externalize-deps] Missing "./vite" specifier in "@testing-library/svelte" package\r\n' + ' at failureErrorWithLog (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1472:15)\r\n' + ' at D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:945:25\r\n' + ' at runOnEndCallbacks (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1315:45)\r\n' + ' at buildResponseToResult (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:943:7)\r\n' + ' at D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:970:16\r\n' + ' at responseCallbacks.<computed> (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:622:9)\r\n' + ' at handleIncomingPacket (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:677:12)\r\n' + ' at Socket.readFromStdout (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:600:7)\r\n' + ' at Socket.emit (node:events:513:28)\r\n' + ' at addChunk (node:internal/streams/readable:559:12)\r\n', stderr: 'X [ERROR] Missing "./vite" specifier in "@testing-library/svelte" package [plugin externalize-deps]\n' + '\n' + ' node_modules/esbuild/lib/main.js:1225:27:\n' + ' 1225 โ”‚ let result = await callback({\n' + ' โ•ต ^\n' + '\n' + ' at e (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:21445:25)\n' + ' at n (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:21445:627)\n' + ' at o (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:21445:1297)\n' + ' at resolveExportsOrImports (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:28746:20)\n' + ' at resolveDeepImport (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:28765:31)\n' + ' at tryNodeResolve (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:28453:20)\n' + ' at resolveByViteResolver (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66224:32)\n' + ' at file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66265:40\n' + ' at requestCallbacks.on-resolve (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1225:28)\n' + ' at handleRequest (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:647:17)\n' + '\n' + ' This error came from the "onResolve" callback registered here:\n' + '\n' + ' node_modules/esbuild/lib/main.js:1150:20:\n' + ' 1150 โ”‚ let promise = setup({\n' + ' โ•ต ^\n' + '\n' + ' at setup (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66250:27)\n' + ' at handlePlugins (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1150:21)\n' + ' at buildOrContextImpl (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:873:5)\n' + ' at Object.buildOrContext (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:699:5)\n' + ' at D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:2024:15\n' + ' at new Promise (<anonymous>)\n' + ' at Object.build (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:2023:25)\n' + ' at build (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1874:51)\n' + ' at bundleConfigFile (file:///D:/Programming/storybook/code/node_modules/vite/dist/node/chunks/dep-68d1a114.js:66201:26)\n' + '\n' + ' The plugin "externalize-deps" was triggered by this import\n' + '\n' + ' renderers/svelte/vitest.config.ts:10:13:\n' + " 10 โ”‚ import('@testing-library/svelte/vite').then(({ svelteTesting...\n" + ' โ•ต ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n' + '\n' + "\x1B[33mThe CJS build of Vite's Node API is deprecated. See https://vitejs.dev/guide/troubleshooting.html#vite-cjs-node-api-deprecated for more details.\x1B[39m\n" + '\x1B[31mfailed to load config from D:\\Programming\\storybook\\code\\renderers\\svelte\\vitest.config.ts\x1B[39m\n' + 'Unable to create nodes for renderers/svelte/vitest.config.ts using plugin @nx/vite/plugin. \n' + '\n' + '\t Inner Error: Error: Build failed with 1 error:\n' + 'node_modules/esbuild/lib/main.js:1225:27: ERROR: [plugin: externalize-deps] Missing "./vite" specifier in "@testing-library/svelte" package\n' + ' at failureErrorWithLog (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1472:15)\n' + ' at D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:945:25\n' + ' at runOnEndCallbacks (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:1315:45)\n' + ' at buildResponseToResult (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:943:7)\n' + ' at D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:970:16\n' + ' at responseCallbacks.<computed> (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:622:9)\n' + ' at handleIncomingPacket (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:677:12)\n' + ' at Socket.readFromStdout (D:\\Programming\\storybook\\code\\node_modules\\esbuild\\lib\\main.js:600:7)\n' + ' at Socket.emit (node:events:513:28)\n' + ' at addChunk (node:internal/streams/readable:559:12)', failed: true, timedOut: false, isCanceled: false, killed: false } ``` ### Reproduction link next branch ### Reproduction steps _No response_ ### System ```bash Windows ``` ### Additional context _No response_
bug,svelte
low
Critical
2,761,676,576
ui
[feat]: Quick Navigation by Year in Calendar
### Feature description In the current version of the `Calendar`, there are only two buttons for navigating to the previous or next month. I wonder if it would be possible to add a way to select a specific year or month, similar to using `captionLayout="dropdown"` in React DayPicker. Since `Calendar` is built on the `DayPicker` component from React DayPicker, it feels natural to extend this functionality. While we can set `captionLayout`, `fromYear` and `toYear` in `<Calendar>`, this approach lacks official support from shadcn/ui, leading to bad caption styling. Alternatively, another approach could be to add two additional buttons on either side of the existing ones, allowing users to jump to the previous or next year, similar to the calendar in Ant Design. While this might require more effort, I guess adding two buttons could better align with the minimalist design philosophy of libraries like shadcn. similar issue #880 ### Affected component/components Calendar ### Additional Context Additional details here... ### Before submitting - [X] I've made research efforts and searched the documentation - [X] I've searched for existing issues and PRs
area: request
low
Major
2,761,680,979
rust
Confusing error when using CoercePointee
### Code ```Rust #![feature(derive_coerce_pointee)] use std::marker::CoercePointee; use std::rc::Rc; #[repr(transparent)] #[derive(CoercePointee)] struct RcWithId<T: ?Sized> { inner: Rc<(i32, Box<T>)>, } ``` ### Current output ```Shell error[E0277]: the trait bound `Box<T>: Unsize<Box<__S>>` is not satisfied --> src/main.rs:6:10 | 6 | #[derive(CoercePointee)] | ^^^^^^^^^^^^^ the trait `Unsize<Box<__S>>` is not implemented for `Box<T>` | = note: all implementations of `Unsize` are provided automatically by the compiler, see <https://doc.rust-lang.org/stable/std/marker/trait.Unsize.html> for more information = note: required for `Rc<(i32, Box<T>)>` to implement `DispatchFromDyn<Rc<(i32, Box<__S>)>>` = note: this error originates in the derive macro `CoercePointee` (in Nightly builds, run with -Z macro-backtrace for more info) error[E0277]: the trait bound `Box<T>: Unsize<Box<__S>>` is not satisfied --> src/main.rs:6:10 | 6 | #[derive(CoercePointee)] | ^^^^^^^^^^^^^ the trait `Unsize<Box<__S>>` is not implemented for `Box<T>` | = note: all implementations of `Unsize` are provided automatically by the compiler, see <https://doc.rust-lang.org/stable/std/marker/trait.Unsize.html> for more information = note: this error originates in the derive macro `CoercePointee` (in Nightly builds, run with -Z macro-backtrace for more info) ``` ### Desired output ```Shell Something that does not mention internal things like `Unsize` or `__S` ``` ### Rationale and extra context _No response_ ### Other cases ```Rust ``` ### Rust Version ```Shell current nightly ``` ### Anything else? _No response_
A-diagnostics,T-compiler,F-derive_coerce_pointee
low
Critical
2,761,684,483
flutter
ใ€3.27.0 SDK ใ€‘Create a blank project, compile the web version, and cannot enter the app
### Steps to reproduce 1. use flutter 3.27.0 sdk 2. create a project 3. flutter build web --release Redmi k20 and HuaWei P20 , cant into app,show app content, blank page ### Flutter Doctor output <details open><summary>Doctor output</summary> ```console Doctor summary (to see all details, run flutter doctor -v): [โœ“] Flutter (Channel stable, 3.27.0, on macOS 13.3 22E252 darwin-x64, locale zh-Hans-HK) [โœ“] Android toolchain - develop for Android devices (Android SDK version 33.0.2) [!] Xcode - develop for iOS and macOS (Xcode 14.2) ! Flutter recommends a minimum Xcode version of 15. Download the latest version or update via the Mac App Store. ! CocoaPods 1.11.3 out of date (1.13.0 is recommended). CocoaPods is a package manager for iOS or macOS platform code. Without CocoaPods, plugins will not work on iOS or macOS. For more info, see https://flutter.dev/to/platform-plugins To update CocoaPods, see https://guides.cocoapods.org/using/getting-started.html#updating-cocoapods [โœ“] Chrome - develop for the web [โœ“] Android Studio (version 2022.1) [โœ“] Android Studio (version 2022.3) [โœ“] Connected device (3 available) ! Error: Could not locate device support files. You may be able to resolve the issue by installing the latest version of Xcode from the Mac App Store or developer.apple.com. [missing string: 869a8e318f07f3e2f42e11d435502286094f76de] (code 2) [โœ“] Network resources ``` </details>
waiting for customer response,in triage
medium
Critical
2,761,692,948
create-react-app
npx create-react-app failed on windows
<!-- Please note that your issue will be fixed much faster if you spend about half an hour preparing it, including the exact reproduction steps and a demo. If you're in a hurry or don't feel confident, it's fine to report bugs with less details, but this makes it less likely they'll get fixed soon. In either case, please use this template and fill in as many fields below as you can. Note that we don't provide help for webpack questions after ejecting. You can find webpack docs at https://webpack.js.org/. --> ### Describe the bug I followed the documentation instructions to execute the command npx create-react-app myapp, but it failed. I've found that my situation is different from that of most people. Some people have similar problems to mine, but I haven't found a good solution online. The problems are as follows: `Installing packages. This might take a couple of minutes. Installing react, react-dom, and react-scripts with cra-template... npm error code ERESOLVE npm error ERESOLVE could not resolve npm error npm error While resolving: [email protected] npm error Found: react@undefined npm error node_modules/react npm error react@"*" from the root project npm error npm error Could not resolve dependency: npm error react-dom@"*" from the root project npm error npm error Conflicting peer dependency: [email protected] npm error node_modules/react npm error peer react@"^19.0.0" from [email protected] npm error node_modules/react-dom npm error react-dom@"*" from the root project npm error npm error Fix the upstream dependency conflict, or retry npm error this command with --force or --legacy-peer-deps npm error to accept an incorrect (and potentially broken) dependency resolution. npm error npm error npm error For a full report see: npm error C:\Users\86152\AppData\Local\npm-cache\_logs\2024-12-28T11_32_48_232Z-eresolve-report.txt npm error A complete log of this run can be found in: C:\Users\86152\AppData\Local\npm-cache\_logs\2024-12-28T11_32_48_232Z-debug-0.log Aborting installation. npm install --no-audit --save --save-exact --loglevel error react react-dom react-scripts cra-template has failed. Deleting generated file... package.json Deleting my-app/ from C:\Users\86152\Desktop\frontend_learning Done. ` ### Did you try recovering your dependencies? <!-- Your module tree might be corrupted, and that might be causing the issues. Let's try to recover it. First, delete these files and folders in your project: * node_modules * package-lock.json * yarn.lock Then you need to decide which package manager you prefer to use. We support both npm (https://npmjs.com) and yarn (https://yarnpkg.com/). However, **they can't be used together in one project** so you need to pick one. If you decided to use npm, run this in your project directory: npm install -g npm@latest npm install This should fix your project. If you decided to use yarn, update it first (https://yarnpkg.com/en/docs/install). Then run in your project directory: yarn This should fix your project. Importantly, **if you decided to use yarn, you should never run `npm install` in the project**. For example, yarn users should run `yarn add <library>` instead of `npm install <library>`. Otherwise your project will break again. Have you done all these steps and still see the issue? Please paste the output of `npm --version` and/or `yarn --version` to confirm. --> package.json content as following: ` { "name": "my-app", "version": "0.1.0", "private": true } ` nvm -v : 1.1.12 npm -v : 10.9.0 node -v : v22.12.0 ### Environment <!-- To help identify if a problem is specific to a platform, browser, or module version, information about your environment is required. This enables the maintainers quickly reproduce the issue and give feedback. Run the following command in your React app's folder in terminal. Note: The result is copied to your clipboard directly. `npx create-react-app --info` Paste the output of the command in the section below. --> os: win11 ### Expected behavior <!-- How did you expect the tool to behave? Itโ€™s fine if youโ€™re not sure your understanding is correct. Just write down what you thought would happen. --> A widely praised project shouldn't have such fatal errors right at the beginning. Please help to solve this problem. Thank you very much. ### Actual behavior <!-- Did something go wrong? Is something broken, or not behaving as you expected? Please attach screenshots if possible! They are extremely helpful for diagnosing issues. --> (Write what happened. Please add screenshots!) ### Reproducible demo <!-- If you can, please share a project that reproduces the issue. This is the single most effective way to get an issue fixed soon. There are two ways to do it: * Create a new app and try to reproduce the issue in it. This is useful if you roughly know where the problem is, or canโ€™t share the real code. * Or, copy your app and remove things until youโ€™re left with the minimal reproducible demo. This is useful for finding the root cause. You may then optionally create a new project. This is a good guide to creating bug demos: https://stackoverflow.com/help/mcve Once youโ€™re done, push the project to GitHub and paste the link to it below: --> (Paste the link to an example project and exact instructions to reproduce the issue.) <!-- What happens if you skip this step? We will try to help you, but in many cases it is impossible because crucial information is missing. In that case we'll tag an issue as having a low priority, and eventually close it if there is no clear direction. We still appreciate the report though, as eventually somebody else might create a reproducible example for it. Thanks for helping us help you! -->
needs triage,issue: bug report
low
Critical
2,761,704,161
PowerToys
Window Catch
### Description of the new feature / enhancement Catch a window, show some information and can perform some window operations, such as its postion, adjusting process priorities, restarting and so on.The parameter should be customizable. ### Scenario when this would be used? Some apps need restarting to applicate some settings, like Minecraft Java Edition with mods, but it's too cumbersome to do it manually. ### Supporting information _No response_
Needs-Triage
low
Minor
2,761,705,855
PowerToys
Auto Update Some Files
### Description of the new feature / enhancement Check for updates from a certain url(be set manually) on a regular basis or when some specific conditions are met. ### Scenario when this would be used? Powertoys Run plugin cannot be updated automatically. ### Supporting information _No response_
Needs-Triage
low
Minor
2,761,725,190
ollama
Segmentation Fault in AMD GPGPU Applications on 780M
### What is the issue? Hi, I start my ollama model failed again when try use AMD 780M iGPU. following is the log for `HSA_OVERRIDE_GFX_VERSION=11.0.0 /usr/bin/ollama serve` ```sh โ•ฐโ”€โ”€โžค $ HSA_OVERRIDE_GFX_VERSION=11.0.0 /usr/bin/ollama serve 2024/12/28 21:16:53 routes.go:1259: INFO server config env="map[CUDA_VISIBLE_DEVICES: GPU_DEVICE_ORDINAL: HIP_VISIBLE_DEVICES: HSA_OVERRIDE_GFX_VERSION:11.0.0 HTTPS_PROXY: HTTP_PROXY: NO_PROXY: OLLAMA_DEBUG:false OLLAMA_FLASH_ATTENTION:false OLLAMA_GPU_OVERHEAD:0 OLLAMA_HOST:http://127.0.0.1:11434 OLLAMA_INTEL_GPU:false OLLAMA_KEEP_ALIVE:5m0s OLLAMA_KV_CACHE_TYPE: OLLAMA_LLM_LIBRARY: OLLAMA_LOAD_TIMEOUT:5m0s OLLAMA_MAX_LOADED_MODELS:0 OLLAMA_MAX_QUEUE:512 OLLAMA_MODELS:/home/zw963/.ollama/models OLLAMA_MULTIUSER_CACHE:false OLLAMA_NOHISTORY:false OLLAMA_NOPRUNE:false OLLAMA_NUM_PARALLEL:0 OLLAMA_ORIGINS:[http://localhost https://localhost http://localhost:* https://localhost:* http://127.0.0.1 https://127.0.0.1 http://127.0.0.1:* https://127.0.0.1:* http://0.0.0.0 https://0.0.0.0 http://0.0.0.0:* https://0.0.0.0:* app://* file://* tauri://* vscode-webview://*] OLLAMA_SCHED_SPREAD:false ROCR_VISIBLE_DEVICES: http_proxy: https_proxy: no_proxy:]" time=2024-12-28T21:16:53.340+08:00 level=INFO source=images.go:757 msg="total blobs: 32" time=2024-12-28T21:16:53.340+08:00 level=INFO source=images.go:764 msg="total unused blobs removed: 0" time=2024-12-28T21:16:53.341+08:00 level=INFO source=routes.go:1310 msg="Listening on 127.0.0.1:11434 (version 0.5.4)" time=2024-12-28T21:16:53.341+08:00 level=INFO source=routes.go:1339 msg="Dynamic LLM libraries" runners="[cpu cpu_avx cpu_avx2 rocm_avx]" time=2024-12-28T21:16:53.341+08:00 level=INFO source=gpu.go:226 msg="looking for compatible GPUs" time=2024-12-28T21:16:53.365+08:00 level=WARN source=amd_linux.go:61 msg="ollama recommends running the https://www.amd.com/en/support/linux-drivers" error="amdgpu version file missing: /sys/module/amdgpu/version stat /sys/module/amdgpu/version: no such file or directory" time=2024-12-28T21:16:53.366+08:00 level=INFO source=amd_linux.go:391 msg="skipping rocm gfx compatibility check" HSA_OVERRIDE_GFX_VERSION=11.0.0 time=2024-12-28T21:16:53.366+08:00 level=INFO source=types.go:131 msg="inference compute" id=0 library=rocm variant="" compute=gfx1103 driver=0.0 name=1002:15bf total="16.0 GiB" available="14.8 GiB" ^[[O[GIN] 2024/12/28 - 21:17:00 | 200 | 31.846ยตs | 127.0.0.1 | HEAD "/" [GIN] 2024/12/28 - 21:17:00 | 200 | 19.231074ms | 127.0.0.1 | POST "/api/show" time=2024-12-28T21:17:01.006+08:00 level=INFO source=sched.go:714 msg="new model will fit in available VRAM in single GPU, loading" model=/home/zw963/.ollama/models/blobs/sha256-ff1d1fc78170d787ee1201778e2dd65ea211654ca5fb7d69b5a2e7b123a50373 gpu=0 parallel=4 available=15936040960 required="8.8 GiB" time=2024-12-28T21:17:01.006+08:00 level=INFO source=server.go:104 msg="system memory" total="46.8 GiB" free="42.7 GiB" free_swap="63.0 GiB" time=2024-12-28T21:17:01.006+08:00 level=INFO source=memory.go:356 msg="offload to rocm" layers.requested=-1 layers.model=43 layers.offload=43 layers.split="" memory.available="[14.8 GiB]" memory.gpu_overhead="0 B" memory.required.full="8.8 GiB" memory.required.partial="8.8 GiB" memory.required.kv="2.6 GiB" memory.required.allocations="[8.8 GiB]" memory.weights.total="7.0 GiB" memory.weights.repeating="6.3 GiB" memory.weights.nonrepeating="717.8 MiB" memory.graph.full="507.0 MiB" memory.graph.partial="1.2 GiB" time=2024-12-28T21:17:01.007+08:00 level=INFO source=server.go:376 msg="starting llama server" cmd="/usr/lib/ollama/runners/rocm_avx/ollama_llama_server runner --model /home/zw963/.ollama/models/blobs/sha256-ff1d1fc78170d787ee1201778e2dd65ea211654ca5fb7d69b5a2e7b123a50373 --ctx-size 8192 --batch-size 512 --n-gpu-layers 43 --threads 8 --parallel 4 --port 12215" time=2024-12-28T21:17:01.007+08:00 level=INFO source=sched.go:449 msg="loaded runners" count=1 time=2024-12-28T21:17:01.007+08:00 level=INFO source=server.go:555 msg="waiting for llama runner to start responding" time=2024-12-28T21:17:01.007+08:00 level=INFO source=server.go:589 msg="waiting for server to become available" status="llm server error" time=2024-12-28T21:17:01.036+08:00 level=INFO source=runner.go:945 msg="starting go runner" ggml_cuda_init: GGML_CUDA_FORCE_MMQ: no ggml_cuda_init: GGML_CUDA_FORCE_CUBLAS: no ggml_cuda_init: found 1 ROCm devices: Device 0: AMD Radeon 780M, compute capability 11.0, VMM: no time=2024-12-28T21:17:02.349+08:00 level=INFO source=runner.go:946 msg=system info="ROCm : PEER_MAX_BATCH_SIZE = 128 | CPU : SSE3 = 1 | SSSE3 = 1 | AVX = 1 | LLAMAFILE = 1 | AARCH64_REPACK = 1 | cgo(gcc)" threads=8 llama_load_model_from_file: using device ROCm0 (AMD Radeon 780M) - 23866 MiB free time=2024-12-28T21:17:02.349+08:00 level=INFO source=.:0 msg="Server listening on 127.0.0.1:12215" llama_model_loader: loaded meta data with 29 key-value pairs and 464 tensors from /home/zw963/.ollama/models/blobs/sha256-ff1d1fc78170d787ee1201778e2dd65ea211654ca5fb7d69b5a2e7b123a50373 (version GGUF V3 (latest)) llama_model_loader: Dumping metadata keys/values. Note: KV overrides do not apply in this output. llama_model_loader: - kv 0: general.architecture str = gemma2 llama_model_loader: - kv 1: general.name str = gemma-2-9b-it llama_model_loader: - kv 2: gemma2.context_length u32 = 8192 llama_model_loader: - kv 3: gemma2.embedding_length u32 = 3584 llama_model_loader: - kv 4: gemma2.block_count u32 = 42 llama_model_loader: - kv 5: gemma2.feed_forward_length u32 = 14336 llama_model_loader: - kv 6: gemma2.attention.head_count u32 = 16 llama_model_loader: - kv 7: gemma2.attention.head_count_kv u32 = 8 llama_model_loader: - kv 8: gemma2.attention.layer_norm_rms_epsilon f32 = 0.000001 llama_model_loader: - kv 9: gemma2.attention.key_length u32 = 256 llama_model_loader: - kv 10: gemma2.attention.value_length u32 = 256 llama_model_loader: - kv 11: general.file_type u32 = 2 llama_model_loader: - kv 12: gemma2.attn_logit_softcapping f32 = 50.000000 llama_model_loader: - kv 13: gemma2.final_logit_softcapping f32 = 30.000000 llama_model_loader: - kv 14: gemma2.attention.sliding_window u32 = 4096 llama_model_loader: - kv 15: tokenizer.ggml.model str = llama llama_model_loader: - kv 16: tokenizer.ggml.pre str = default llama_model_loader: - kv 17: tokenizer.ggml.tokens arr[str,256000] = ["<pad>", "<eos>", "<bos>", "<unk>", ... llama_model_loader: - kv 18: tokenizer.ggml.scores arr[f32,256000] = [0.000000, 0.000000, 0.000000, 0.0000... llama_model_loader: - kv 19: tokenizer.ggml.token_type arr[i32,256000] = [3, 3, 3, 3, 3, 3, 3, 3, 3, 3, 3, 3, ... llama_model_loader: - kv 20: tokenizer.ggml.bos_token_id u32 = 2 llama_model_loader: - kv 21: tokenizer.ggml.eos_token_id u32 = 1 llama_model_loader: - kv 22: tokenizer.ggml.unknown_token_id u32 = 3 llama_model_loader: - kv 23: tokenizer.ggml.padding_token_id u32 = 0 llama_model_loader: - kv 24: tokenizer.ggml.add_bos_token bool = true llama_model_loader: - kv 25: tokenizer.ggml.add_eos_token bool = false llama_model_loader: - kv 26: tokenizer.chat_template str = {{ bos_token }}{% if messages[0]['rol... llama_model_loader: - kv 27: tokenizer.ggml.add_space_prefix bool = false llama_model_loader: - kv 28: general.quantization_version u32 = 2 llama_model_loader: - type f32: 169 tensors llama_model_loader: - type q4_0: 294 tensors llama_model_loader: - type q6_K: 1 tensors llm_load_vocab: special_eos_id is not in special_eog_ids - the tokenizer config may be incorrect llm_load_vocab: special tokens cache size = 108 llm_load_vocab: token to piece cache size = 1.6014 MB llm_load_print_meta: format = GGUF V3 (latest) llm_load_print_meta: arch = gemma2 llm_load_print_meta: vocab type = SPM llm_load_print_meta: n_vocab = 256000 llm_load_print_meta: n_merges = 0 llm_load_print_meta: vocab_only = 0 llm_load_print_meta: n_ctx_train = 8192 llm_load_print_meta: n_embd = 3584 llm_load_print_meta: n_layer = 42 llm_load_print_meta: n_head = 16 llm_load_print_meta: n_head_kv = 8 llm_load_print_meta: n_rot = 256 llm_load_print_meta: n_swa = 4096 llm_load_print_meta: n_embd_head_k = 256 llm_load_print_meta: n_embd_head_v = 256 llm_load_print_meta: n_gqa = 2 llm_load_print_meta: n_embd_k_gqa = 2048 llm_load_print_meta: n_embd_v_gqa = 2048 llm_load_print_meta: f_norm_eps = 0.0e+00 llm_load_print_meta: f_norm_rms_eps = 1.0e-06 llm_load_print_meta: f_clamp_kqv = 0.0e+00 llm_load_print_meta: f_max_alibi_bias = 0.0e+00 llm_load_print_meta: f_logit_scale = 0.0e+00 llm_load_print_meta: n_ff = 14336 llm_load_print_meta: n_expert = 0 llm_load_print_meta: n_expert_used = 0 llm_load_print_meta: causal attn = 1 llm_load_print_meta: pooling type = 0 llm_load_print_meta: rope type = 2 llm_load_print_meta: rope scaling = linear llm_load_print_meta: freq_base_train = 10000.0 llm_load_print_meta: freq_scale_train = 1 llm_load_print_meta: n_ctx_orig_yarn = 8192 llm_load_print_meta: rope_finetuned = unknown llm_load_print_meta: ssm_d_conv = 0 llm_load_print_meta: ssm_d_inner = 0 llm_load_print_meta: ssm_d_state = 0 llm_load_print_meta: ssm_dt_rank = 0 llm_load_print_meta: ssm_dt_b_c_rms = 0 llm_load_print_meta: model type = 9B llm_load_print_meta: model ftype = Q4_0 llm_load_print_meta: model params = 9.24 B llm_load_print_meta: model size = 5.06 GiB (4.71 BPW) llm_load_print_meta: general.name = gemma-2-9b-it llm_load_print_meta: BOS token = 2 '<bos>' llm_load_print_meta: EOS token = 1 '<eos>' llm_load_print_meta: EOT token = 107 '<end_of_turn>' llm_load_print_meta: UNK token = 3 '<unk>' llm_load_print_meta: PAD token = 0 '<pad>' llm_load_print_meta: LF token = 227 '<0x0A>' llm_load_print_meta: EOG token = 1 '<eos>' llm_load_print_meta: EOG token = 107 '<end_of_turn>' llm_load_print_meta: max token length = 93 time=2024-12-28T21:17:02.535+08:00 level=INFO source=server.go:589 msg="waiting for server to become available" status="llm server loading model" llm_load_tensors: offloading 42 repeating layers to GPU llm_load_tensors: offloading output layer to GPU llm_load_tensors: offloaded 43/43 layers to GPU llm_load_tensors: CPU_Mapped model buffer size = 717.77 MiB llm_load_tensors: ROCm0 model buffer size = 5185.21 MiB ``` ---------------- Following is the failed logs when i try run `ollama run gemma2` in another opened terminal. ``` SIGSEGV: segmentation violation PC=0x713070f0fe2b m=5 sigcode=1 addr=0x18 signal arrived during cgo execution goroutine 20 gp=0xc000104a80 m=5 mp=0xc000100008 [syscall]: runtime.cgocall(0x5693bccf4990, 0xc000204b78) runtime/cgocall.go:167 +0x4b fp=0xc000204b50 sp=0xc000204b18 pc=0x5693bcaa896b github.com/ollama/ollama/llama._Cfunc_llama_load_model_from_file(0x712ed4000be0, {0x0, 0x2b, 0x1, 0x0, 0x0, 0x0, 0x5693bccf41e0, 0xc000208000, 0x0, ...}) _cgo_gotypes.go:707 +0x50 fp=0xc000204b78 sp=0xc000204b50 pc=0x5693bcb53250 github.com/ollama/ollama/llama.LoadModelFromFile.func1({0x7ffc8d222d0e?, 0x0?}, {0x0, 0x2b, 0x1, 0x0, 0x0, 0x0, 0x5693bccf41e0, 0xc000208000, ...}) github.com/ollama/ollama/llama/llama.go:311 +0x127 fp=0xc000204c78 sp=0xc000204b78 pc=0x5693bcb55e67 github.com/ollama/ollama/llama.LoadModelFromFile({0x7ffc8d222d0e, 0x68}, {0x2b, 0x0, 0x1, 0x0, {0x0, 0x0, 0x0}, 0xc00011e1b0, ...}) github.com/ollama/ollama/llama/llama.go:311 +0x2d6 fp=0xc000204dc8 sp=0xc000204c78 pc=0x5693bcb55b56 github.com/ollama/ollama/llama/runner.(*Server).loadModel(0xc0001461b0, {0x2b, 0x0, 0x1, 0x0, {0x0, 0x0, 0x0}, 0xc00011e1b0, 0x0}, ...) github.com/ollama/ollama/llama/runner/runner.go:859 +0xc5 fp=0xc000204f10 sp=0xc000204dc8 pc=0x5693bccf1c25 github.com/ollama/ollama/llama/runner.Execute.gowrap1() github.com/ollama/ollama/llama/runner/runner.go:979 +0xda fp=0xc000204fe0 sp=0xc000204f10 pc=0x5693bccf357a runtime.goexit({}) runtime/asm_amd64.s:1700 +0x1 fp=0xc000204fe8 sp=0xc000204fe0 pc=0x5693bcab63a1 created by github.com/ollama/ollama/llama/runner.Execute in goroutine 1 github.com/ollama/ollama/llama/runner/runner.go:979 +0xd0d goroutine 1 gp=0xc0000061c0 m=nil [IO wait]: runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?) runtime/proc.go:424 +0xce fp=0xc0000637b0 sp=0xc000063790 pc=0x5693bcaae76e runtime.netpollblock(0xc000063800?, 0xbca46fc6?, 0x93?) runtime/netpoll.go:575 +0xf7 fp=0xc0000637e8 sp=0xc0000637b0 pc=0x5693bca734d7 internal/poll.runtime_pollWait(0x712f89fca730, 0x72) runtime/netpoll.go:351 +0x85 fp=0xc000063808 sp=0xc0000637e8 pc=0x5693bcaada65 internal/poll.(*pollDesc).wait(0xc000190100?, 0x2c?, 0x0) internal/poll/fd_poll_runtime.go:84 +0x27 fp=0xc000063830 sp=0xc000063808 pc=0x5693bcb038a7 internal/poll.(*pollDesc).waitRead(...) internal/poll/fd_poll_runtime.go:89 internal/poll.(*FD).Accept(0xc000190100) internal/poll/fd_unix.go:620 +0x295 fp=0xc0000638d8 sp=0xc000063830 pc=0x5693bcb04e15 net.(*netFD).accept(0xc000190100) net/fd_unix.go:172 +0x29 fp=0xc000063990 sp=0xc0000638d8 pc=0x5693bcb7d7a9 net.(*TCPListener).accept(0xc00012e6c0) net/tcpsock_posix.go:159 +0x1e fp=0xc0000639e0 sp=0xc000063990 pc=0x5693bcb8ddfe net.(*TCPListener).Accept(0xc00012e6c0) net/tcpsock.go:372 +0x30 fp=0xc000063a10 sp=0xc0000639e0 pc=0x5693bcb8d130 net/http.(*onceCloseListener).Accept(0xc000146240?) <autogenerated>:1 +0x24 fp=0xc000063a28 sp=0xc000063a10 pc=0x5693bcccbd04 net/http.(*Server).Serve(0xc00018e4b0, {0x5693bd0cbeb8, 0xc00012e6c0}) net/http/server.go:3330 +0x30c fp=0xc000063b58 sp=0xc000063a28 pc=0x5693bccbda4c github.com/ollama/ollama/llama/runner.Execute({0xc000132010?, 0x5693bcab5ffc?, 0x0?}) github.com/ollama/ollama/llama/runner/runner.go:1005 +0x11a9 fp=0xc000063ef8 sp=0xc000063b58 pc=0x5693bccf3149 main.main() github.com/ollama/ollama/cmd/runner/main.go:11 +0x54 fp=0xc000063f50 sp=0xc000063ef8 pc=0x5693bccf40d4 runtime.main() runtime/proc.go:272 +0x29d fp=0xc000063fe0 sp=0xc000063f50 pc=0x5693bca7aabd runtime.goexit({}) runtime/asm_amd64.s:1700 +0x1 fp=0xc000063fe8 sp=0xc000063fe0 pc=0x5693bcab63a1 goroutine 2 gp=0xc000006c40 m=nil [force gc (idle)]: runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?) runtime/proc.go:424 +0xce fp=0xc000098fa8 sp=0xc000098f88 pc=0x5693bcaae76e runtime.goparkunlock(...) runtime/proc.go:430 runtime.forcegchelper() runtime/proc.go:337 +0xb8 fp=0xc000098fe0 sp=0xc000098fa8 pc=0x5693bca7adf8 runtime.goexit({}) runtime/asm_amd64.s:1700 +0x1 fp=0xc000098fe8 sp=0xc000098fe0 pc=0x5693bcab63a1 created by runtime.init.7 in goroutine 1 runtime/proc.go:325 +0x1a goroutine 3 gp=0xc000007180 m=nil [GC sweep wait]: runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?) runtime/proc.go:424 +0xce fp=0xc000099780 sp=0xc000099760 pc=0x5693bcaae76e runtime.goparkunlock(...) runtime/proc.go:430 runtime.bgsweep(0xc000026400) runtime/mgcsweep.go:277 +0x94 fp=0xc0000997c8 sp=0xc000099780 pc=0x5693bca65634 runtime.gcenable.gowrap1() runtime/mgc.go:204 +0x25 fp=0xc0000997e0 sp=0xc0000997c8 pc=0x5693bca59ee5 runtime.goexit({}) runtime/asm_amd64.s:1700 +0x1 fp=0xc0000997e8 sp=0xc0000997e0 pc=0x5693bcab63a1 created by runtime.gcenable in goroutine 1 runtime/mgc.go:204 +0x66 goroutine 4 gp=0xc000007340 m=nil [GC scavenge wait]: runtime.gopark(0xc000026400?, 0x5693bcfb8fc0?, 0x1?, 0x0?, 0xc000007340?) runtime/proc.go:424 +0xce fp=0xc000099f78 sp=0xc000099f58 pc=0x5693bcaae76e runtime.goparkunlock(...) runtime/proc.go:430 runtime.(*scavengerState).park(0x5693bd2b6380) runtime/mgcscavenge.go:425 +0x49 fp=0xc000099fa8 sp=0xc000099f78 pc=0x5693bca63069 runtime.bgscavenge(0xc000026400) runtime/mgcscavenge.go:653 +0x3c fp=0xc000099fc8 sp=0xc000099fa8 pc=0x5693bca635dc runtime.gcenable.gowrap2() runtime/mgc.go:205 +0x25 fp=0xc000099fe0 sp=0xc000099fc8 pc=0x5693bca59e85 runtime.goexit({}) runtime/asm_amd64.s:1700 +0x1 fp=0xc000099fe8 sp=0xc000099fe0 pc=0x5693bcab63a1 created by runtime.gcenable in goroutine 1 runtime/mgc.go:205 +0xa5 goroutine 18 gp=0xc000104700 m=nil [finalizer wait]: runtime.gopark(0xc000098648?, 0x5693bca503e5?, 0xb0?, 0x1?, 0xc0000061c0?) runtime/proc.go:424 +0xce fp=0xc000098620 sp=0xc000098600 pc=0x5693bcaae76e runtime.runfinq() runtime/mfinal.go:193 +0x107 fp=0xc0000987e0 sp=0xc000098620 pc=0x5693bca58f67 runtime.goexit({}) runtime/asm_amd64.s:1700 +0x1 fp=0xc0000987e8 sp=0xc0000987e0 pc=0x5693bcab63a1 created by runtime.createfing in goroutine 1 runtime/mfinal.go:163 +0x3d goroutine 19 gp=0xc0001048c0 m=nil [chan receive]: runtime.gopark(0x0?, 0x0?, 0x0?, 0x0?, 0x0?) runtime/proc.go:424 +0xce fp=0xc000094718 sp=0xc0000946f8 pc=0x5693bcaae76e runtime.chanrecv(0xc0001120e0, 0x0, 0x1) runtime/chan.go:639 +0x41c fp=0xc000094790 sp=0xc000094718 pc=0x5693bca49bbc runtime.chanrecv1(0x0?, 0x0?) runtime/chan.go:489 +0x12 fp=0xc0000947b8 sp=0xc000094790 pc=0x5693bca49792 runtime.unique_runtime_registerUniqueMapCleanup.func1(...) runtime/mgc.go:1781 runtime.unique_runtime_registerUniqueMapCleanup.gowrap1() runtime/mgc.go:1784 +0x2f fp=0xc0000947e0 sp=0xc0000947b8 pc=0x5693bca5cd4f runtime.goexit({}) runtime/asm_amd64.s:1700 +0x1 fp=0xc0000947e8 sp=0xc0000947e0 pc=0x5693bcab63a1 created by unique.runtime_registerUniqueMapCleanup in goroutine 1 runtime/mgc.go:1779 +0x96 goroutine 21 gp=0xc000104c40 m=nil [semacquire]: runtime.gopark(0x0?, 0x0?, 0x20?, 0x81?, 0x0?) runtime/proc.go:424 +0xce fp=0xc000095618 sp=0xc0000955f8 pc=0x5693bcaae76e runtime.goparkunlock(...) runtime/proc.go:430 runtime.semacquire1(0xc0001461b8, 0x0, 0x1, 0x0, 0x12) runtime/sema.go:178 +0x22c fp=0xc000095680 sp=0xc000095618 pc=0x5693bca8da8c sync.runtime_Semacquire(0x0?) runtime/sema.go:71 +0x25 fp=0xc0000956b8 sp=0xc000095680 pc=0x5693bcaaf9a5 sync.(*WaitGroup).Wait(0x0?) sync/waitgroup.go:118 +0x48 fp=0xc0000956e0 sp=0xc0000956b8 pc=0x5693bcacbc48 github.com/ollama/ollama/llama/runner.(*Server).run(0xc0001461b0, {0x5693bd0cc4a0, 0xc000196050}) github.com/ollama/ollama/llama/runner/runner.go:315 +0x47 fp=0xc0000957b8 sp=0xc0000956e0 pc=0x5693bccee2c7 github.com/ollama/ollama/llama/runner.Execute.gowrap2() github.com/ollama/ollama/llama/runner/runner.go:984 +0x28 fp=0xc0000957e0 sp=0xc0000957b8 pc=0x5693bccf3468 runtime.goexit({}) runtime/asm_amd64.s:1700 +0x1 fp=0xc0000957e8 sp=0xc0000957e0 pc=0x5693bcab63a1 created by github.com/ollama/ollama/llama/runner.Execute in goroutine 1 github.com/ollama/ollama/llama/runner/runner.go:984 +0xde5 goroutine 22 gp=0xc000105340 m=nil [IO wait]: runtime.gopark(0xc0002a6000?, 0xc000185958?, 0x3e?, 0x1?, 0xb?) runtime/proc.go:424 +0xce fp=0xc000185918 sp=0xc0001858f8 pc=0x5693bcaae76e runtime.netpollblock(0x5693bcae9f98?, 0xbca46fc6?, 0x93?) runtime/netpoll.go:575 +0xf7 fp=0xc000185950 sp=0xc000185918 pc=0x5693bca734d7 internal/poll.runtime_pollWait(0x712f89fca618, 0x72) runtime/netpoll.go:351 +0x85 fp=0xc000185970 sp=0xc000185950 pc=0x5693bcaada65 internal/poll.(*pollDesc).wait(0xc000190180?, 0xc0001b8000?, 0x0) internal/poll/fd_poll_runtime.go:84 +0x27 fp=0xc000185998 sp=0xc000185970 pc=0x5693bcb038a7 internal/poll.(*pollDesc).waitRead(...) internal/poll/fd_poll_runtime.go:89 internal/poll.(*FD).Read(0xc000190180, {0xc0001b8000, 0x1000, 0x1000}) internal/poll/fd_unix.go:165 +0x27a fp=0xc000185a30 sp=0xc000185998 pc=0x5693bcb043fa net.(*netFD).Read(0xc000190180, {0xc0001b8000?, 0xc000185aa0?, 0x5693bcb03d65?}) net/fd_posix.go:55 +0x25 fp=0xc000185a78 sp=0xc000185a30 pc=0x5693bcb7c6c5 net.(*conn).Read(0xc000124098, {0xc0001b8000?, 0x0?, 0xc00012d058?}) net/net.go:189 +0x45 fp=0xc000185ac0 sp=0xc000185a78 pc=0x5693bcb860c5 net.(*TCPConn).Read(0xc00012d050?, {0xc0001b8000?, 0xc000190180?, 0xc000185af8?}) <autogenerated>:1 +0x25 fp=0xc000185af0 sp=0xc000185ac0 pc=0x5693bcb93165 net/http.(*connReader).Read(0xc00012d050, {0xc0001b8000, 0x1000, 0x1000}) net/http/server.go:798 +0x14b fp=0xc000185b40 sp=0xc000185af0 pc=0x5693bccb434b bufio.(*Reader).fill(0xc000130480) bufio/bufio.go:110 +0x103 fp=0xc000185b78 sp=0xc000185b40 pc=0x5693bcc72f63 bufio.(*Reader).Peek(0xc000130480, 0x4) bufio/bufio.go:148 +0x53 fp=0xc000185b98 sp=0xc000185b78 pc=0x5693bcc73093 net/http.(*conn).serve(0xc000146240, {0x5693bd0cc468, 0xc00012cf60}) net/http/server.go:2127 +0x738 fp=0xc000185fb8 sp=0xc000185b98 pc=0x5693bccb9698 net/http.(*Server).Serve.gowrap3() net/http/server.go:3360 +0x28 fp=0xc000185fe0 sp=0xc000185fb8 pc=0x5693bccbde48 runtime.goexit({}) runtime/asm_amd64.s:1700 +0x1 fp=0xc000185fe8 sp=0xc000185fe0 pc=0x5693bcab63a1 created by net/http.(*Server).Serve in goroutine 1 net/http/server.go:3360 +0x485 rax 0x712ed72c8ad0 rbx 0x712ed72ced40 rcx 0x713070da6663 rdx 0x712ed4005130 rdi 0x712ed72ced40 rsi 0x3 rbp 0x712edbff61d0 rsp 0x712edbff61a0 r8 0x0 r9 0x0 r10 0x4 r11 0xa66e143e45c2eb86 r12 0x0 r13 0x18 r14 0xffffffffffffffc0 r15 0x712dc3ef8e80 rip 0x713070f0fe2b rflags 0x10206 cs 0x33 fs 0x0 gs 0x0 time=2024-12-28T21:17:03.119+08:00 level=INFO source=server.go:589 msg="waiting for server to become available" status="llm server error" time=2024-12-28T21:17:03.370+08:00 level=ERROR source=sched.go:455 msg="error loading llama server" error="llama runner process has terminated: exit status 2" [GIN] 2024/12/28 - 21:17:03 | 500 | 2.421283447s | 127.0.0.1 | POST "/api/generate" ``` I---------------- Following is my packages info: ``` โ•ฐโ”€โ”€โžค $ 1 pacman -Q |grep 'ollama\|rocm' ollama 0.5.4-1 ollama-rocm 0.5.4-1 python-pytorch-rocm 2.5.1-7 rocm-clang-ocl 6.1.2-1 rocm-cmake 6.2.4-1 rocm-core 6.2.4-2 rocm-device-libs 6.2.4-1 rocm-hip-libraries 6.2.2-1 rocm-hip-runtime 6.2.2-1 rocm-hip-sdk 6.2.2-1 rocm-language-runtime 6.2.2-1 rocm-llvm 6.2.4-1 rocm-opencl-runtime 6.2.4-1 rocm-opencl-sdk 6.2.2-1 rocm-smi-lib 6.2.4-1 rocminfo 6.2.4-1 ``` Thanks ### OS Linux ### GPU AMD ### CPU AMD ### Ollama version 0.5.4-1 tested both on arch linux installed version and github release page downloaded version. It works before and broken after i update my arch linux before create this issue.
bug
low
Critical
2,761,739,058
godot
Inverted `GPUParticlesCollisionHeightField3D` on compatibility renderer only
### Tested versions - Reproduceable in: 4.3.stable.fedora, 4.4.dev7.official. ### System information Fedora 41, Wayland, dedicated NVIDIA GeForce RTX 3060 Ti, proprietary driver v.565.77 ### Issue description As title says: `GPUParticlesCollisionHeightField3D` is inverted on Compatibility renderer. It works completely fine on Mobile though. | Mobile | Compatibility | Compatibility, view from bottom <br> (with transparent mesh) | | --- | --- | --- | |<img src="https://github.com/user-attachments/assets/eadcf9c5-a6db-4bfc-982e-c97a53ddb759" width="300">|<img src="https://github.com/user-attachments/assets/94ec1384-43a2-4e46-85a4-df12d783b64d" width="300">|<img src="https://github.com/user-attachments/assets/939f930b-ee96-4d8c-a400-1f8f155f7b6c" width="300">| I believe it has something to do with #91219. If i am not mistaken, Z-buffer is handeled differently in Compatibility vs Mobile, and maybe that PR did not take that into account? ### Steps to reproduce 0. Switch to a Compatibility renderer. 1. Add a `MeshInstance3D` with any mesh, `GPUParticles3D` with a material with collisions set up and a `GPUParticlesCollisionHeightField3D. 2. Configure particle emmiter, visibility AABB and size of a heightfield to overlap with each other and with the mesh geometry. 3. Observe the strange behaviour. ### Minimal reproduction project (MRP) It only contains a single scene and a selected Compatibility mode. [gpu_particle_collision_height_field_bug.zip](https://github.com/user-attachments/files/18266434/gpu_particle_collision_height_field_bug.zip)
bug,confirmed,topic:3d,topic:particles
low
Critical
2,761,770,788
vscode
Emmet: Wrap with Abbreviation text on its own new line not working
<!-- โš ๏ธโš ๏ธ Do Not Delete This! bug_report_template โš ๏ธโš ๏ธ --> <!-- Please read our Rules of Conduct: https://opensource.microsoft.com/codeofconduct/ --> <!-- ๐Ÿ•ฎ Read our guide about submitting issues: https://github.com/microsoft/vscode/wiki/Submitting-Bugs-and-Suggestions --> <!-- ๐Ÿ”Ž Search existing issues to avoid creating duplicates. --> <!-- ๐Ÿงช Test using the latest Insiders build to see if your issue has already been fixed: https://code.visualstudio.com/insiders/ --> <!-- ๐Ÿ’ก Instead of creating your report here, use 'Report Issue' from the 'Help' menu in VS Code to pre-fill useful information. --> <!-- ๐Ÿ”ง Launch with `code --disable-extensions` to check. --> Does this issue occur when all extensions are disabled?: Yes <!-- ๐Ÿช“ If you answered No above, use 'Help: Start Extension Bisect' from Command Palette to try to identify the cause. --> <!-- ๐Ÿ“ฃ Issues caused by an extension need to be reported directly to the extension publisher. The 'Help > Report Issue' dialog can assist with this. --> - VS Code Version: 1.96.2 - OS Version: macOS 15.2 I can't seem to get wrapped text on its own line using Emmet: Wrap with Abbreviation. This works for regular Emmet abbreviations but not "Wrap with Abbreviation" `"emmet.preferences": { "output.inlineBreak": 1, "format.forceIndentationForTags": [ "div", "p" ] },` I have also tried. `"emmet.syntaxProfiles": { "html": { "tag_nl": true } }` Steps to Reproduce: ![Image](https://github.com/user-attachments/assets/6d1528e9-95b0-417e-aa99-d335ca697c19)
emmet,under-discussion
low
Critical
2,761,780,232
godot
MultiplayerSynchronizer stops syncing node when node owned by another client is freed
### Tested versions v4.3.stable.official [77dcf97d8] ### System information Windows 11 ### Issue description Each client owns a player which has a MultiplayerSpawner to spawn their character. When any character dies, the MultiplayerSynchronizer of other spawned characters stops synchronizing the value property even though freeing one character instance should not affect other characters. https://forum.godotengine.org/t/multiplayersynchronizer-bug/95995 ### Steps to reproduce Click the following buttons on three instances: Instance 1: Host Instance 2: Join Spawn Instance 3: Join Spawn Kill Instance 2: Increment Value Print Value My output is: 1: 0 2222222222: 1 3333333333: 0 But I expect it to be: 1: 1 2222222222: 1 3333333333: 1 This seems to fix the bug: [https://youtu.be/_ItA2r69c-Q?t=175 1](https://youtu.be/_ItA2r69c-Q?t=175). ### Minimal reproduction project (MRP) https://github.com/DerekFrostbeard/MultiplayerSynchronizerQuestion
bug,topic:multiplayer
low
Critical
2,761,789,181
flutter
Crash Android release : `FlutterView.sendUserSettingsToFlutter: java.lang.NoSuchMethodError` when uploading to Play Store for review
### Steps to reproduce I have the same issue as #141949 but using the latest version of flutter stable `3.27.1`. I am also using gradle `8.7.3` and kotlin `2.0.20` to compile the app. I have never encounter the error running on `3.24.x` and uploading no less than 20 releases of my app to the Play Store. Now every release has a crash on the unfortunately "famous" Google Pixel 7 under Android 13. So it might be a regression from `3.27.0`. ### Expected results The app should not crash ### Actual results The app is crashing ### Code sample <details open><summary>Code sample</summary> ```dart [Paste your code here] ``` </details> ### Screenshots or Video <details open> <summary>Screenshots / Video demonstration</summary> [Upload media here] </details> ### Logs <details open><summary>Logs</summary> ```console Fatal Exception: java.lang.NoSuchMethodError: No interface method anyMatch(Lj$/util/function/Predicate;)Z in class Lj$/util/stream/Stream; or its super classes (declaration of 'j$.util.stream.Stream' appears in /data/app/~~JQk6IfOIf7Zukhcsggn-VQ==/androidx.test.tools.crawler-K7T37u-_tFi8YZr8nqMpng==/base.apk!classes3.dex) at io.flutter.embedding.android.FlutterView.sendUserSettingsToFlutter(FlutterView.java:1439) at io.flutter.embedding.android.FlutterView.attachToFlutterEngine(FlutterView.java:1169) at io.flutter.embedding.android.FlutterActivityAndFragmentDelegate.onCreateView(FlutterActivityAndFragmentDelegate.java:401) at io.flutter.embedding.android.FlutterActivity.createFlutterView(FlutterActivity.java:796) at io.flutter.embedding.android.FlutterActivity.onCreate(FlutterActivity.java:645) at android.app.Activity.performCreate(Activity.java:8342) at android.app.Activity.performCreate(Activity.java:8321) at android.app.Instrumentation.callActivityOnCreate(Instrumentation.java:1417) at androidx.test.runner.MonitoringInstrumentation.callActivityOnCreate(MonitoringInstrumentation.java:2) at android.app.ActivityThread.performLaunchActivity(ActivityThread.java:3625) at android.app.ActivityThread.handleLaunchActivity(ActivityThread.java:3781) at android.app.servertransaction.LaunchActivityItem.execute(LaunchActivityItem.java:101) at android.app.servertransaction.TransactionExecutor.executeCallbacks(TransactionExecutor.java:138) at android.app.servertransaction.TransactionExecutor.execute(TransactionExecutor.java:95) at android.app.ActivityThread$H.handleMessage(ActivityThread.java:2306) at android.os.Handler.dispatchMessage(Handler.java:106) at android.os.Looper.loopOnce(Looper.java:201) at android.os.Looper.loop(Looper.java:288) at android.app.ActivityThread.main(ActivityThread.java:7918) at java.lang.reflect.Method.invoke(Method.java) at com.android.internal.os.RuntimeInit$MethodAndArgsCaller.run(RuntimeInit.java:548) at com.android.internal.os.ZygoteInit.main(ZygoteInit.java:936) ``` </details> ### Flutter Doctor output <details open><summary>Doctor output</summary> ```console [โœ“] Flutter (Channel stable, 3.27.1, on macOS 15.2 24C101 darwin-x64, locale fr-FR) โ€ข Flutter version 3.27.1 on channel stable at /Users/foxtom/Desktop/flutter โ€ข Upstream repository https://github.com/flutter/flutter.git โ€ข Framework revision 17025dd882 (12 days ago), 2024-12-17 03:23:09 +0900 โ€ข Engine revision cb4b5fff73 โ€ข Dart version 3.6.0 โ€ข DevTools version 2.40.2 [โœ“] Android toolchain - develop for Android devices (Android SDK version 35.0.0) โ€ข Android SDK at /Users/foxtom/Library/Android/sdk โ€ข Platform android-35, build-tools 35.0.0 โ€ข Java binary at: /Applications/Android Studio.app/Contents/jbr/Contents/Home/bin/java โ€ข Java version OpenJDK Runtime Environment (build 21.0.3+-79915915-b509.11) โ€ข All Android licenses accepted. [โœ“] Xcode - develop for iOS and macOS (Xcode 16.2) โ€ข Xcode at /Applications/Xcode.app/Contents/Developer โ€ข Build 16C5032a โ€ข CocoaPods version 1.16.2 [โœ“] Chrome - develop for the web โ€ข Chrome at /Applications/Google Chrome.app/Contents/MacOS/Google Chrome [โœ“] Android Studio (version 2024.2) โ€ข Android Studio at /Applications/Android Studio.app/Contents โ€ข Flutter plugin can be installed from: ๐Ÿ”จ https://plugins.jetbrains.com/plugin/9212-flutter โ€ข Dart plugin can be installed from: ๐Ÿ”จ https://plugins.jetbrains.com/plugin/6351-dart โ€ข Java version OpenJDK Runtime Environment (build 21.0.3+-79915915-b509.11) [โœ“] VS Code (version 1.96.2) โ€ข VS Code at /Applications/Visual Studio Code.app/Contents โ€ข Flutter extension can be installed from: ๐Ÿ”จ https://marketplace.visualstudio.com/items?itemName=Dart-Code.flutter [โœ“] Connected device (5 available) โ€ข moto g 8 power (mobile) โ€ข 192.168.1.23:40175 โ€ข android-arm64 โ€ข Android 11 (API 30) โ€ข Now You See Me (mobile) โ€ข 00008020-001204401E78002E โ€ข ios โ€ข iOS 18.2 22C152 โ€ข macOS (desktop) โ€ข macos โ€ข darwin-x64 โ€ข macOS 15.2 24C101 darwin-x64 โ€ข Chrome (web) โ€ข chrome โ€ข web-javascript โ€ข Google Chrome 131.0.6778.205 [โœ“] Network resources โ€ข All expected network resources are available. โ€ข No issues found! ``` </details>
platform-android,P1,team-android,triaged-android,fyi-tool
medium
Critical
2,761,798,040
rust
Unexpected behavior with type inference
<!-- Thank you for filing a bug report! ๐Ÿ› Please provide a short summary of the bug, along with any information you feel relevant to replicating the bug. --> Hi Rust! ๐Ÿฆ€ I tried this code: ```rust struct Foo; struct Target; impl From<Target> for Foo { fn from(_t: Target) -> Self { Self } } fn may_use_some_type<T>(_t: T) where Foo: From<T> { } fn use_another_type<T>(t: T) where Foo: From<T> { let other_type = Target; may_use_some_type(other_type); } ``` I expected to see this happen: `rustc` compiles the above code successfully. Instead, this happened: `rustc` raises the following type error (`rustc --crate-type lib test.rs`): ``` error[E0308]: mismatched types --> test.rs:21:23 | 17 | fn use_another_type<T>(t: T) where | - expected this type parameter ... 21 | may_use_some_type(other_type); | ----------------- ^^^^^^^^^^ expected type parameter `T`, found `Target` | | | arguments to this function are incorrect | = note: expected type parameter `T` found struct `Target` note: function defined here --> test.rs:11:4 | 11 | fn may_use_some_type<T>(_t: T) where | ^^^^^^^^^^^^^^^^^ ----- error: aborting due to 1 previous error For more information about this error, try `rustc --explain E0308`. ``` However, if we change the following: ```rust may_use_some_type(other_type); ``` to ```rust may_use_some_type::<Target>(other_type); ``` Then, it compiles successfully. From my understanding, there is no link/dependency between the `T` of `may_use_some_type` and the one of `use_another_type`. Therefore I feel like the type inference system (whatever it is called) is mixing things here. The `where` clause form `Cond: T` may be causing that bug (if it is a bug in the first place), because if we change it to something like `T: Send`, then it also works. ### Meta <!-- If you're using the stable version of the compiler, you should also check if the bug also exists in the beta or nightly versions. --> `rustc --version --verbose`: ``` rustc 1.83.0 (90b35a623 2024-11-26) binary: rustc commit-hash: 90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf commit-date: 2024-11-26 host: x86_64-unknown-linux-gnu release: 1.83.0 LLVM version: 19.1.1 ```
T-compiler,A-inference,C-bug
low
Critical
2,761,801,833
PowerToys
Quick Accent does not have ฯ‚
### Description of the new feature / enhancement When pressing lowercase "s" with arrow keys or spacebar the end of word lowercase sigma ( ฯ‚ ) should also appear alongside ฯƒ ### Scenario when this would be used? This is useful for people typing in Greek who wish to have this as an option ### Supporting information _No response_
Needs-Triage
low
Minor
2,761,815,557
stable-diffusion-webui
[Bug]: Error loading script: main.py
### Checklist - [ ] The issue exists after disabling all extensions - [ ] The issue exists on a clean installation of webui - [X] The issue is caused by an extension, but I believe it is caused by a bug in the webui - [ ] The issue exists in the current version of the webui - [ ] The issue has not been reported before recently - [ ] The issue has been reported before but has not been fixed yet ### What happened? when started webui-user.bat, I got this error message: *** Error loading script: main.py Traceback (most recent call last): File "C:\Users\netwo\stable-diffusion-webui\modules\scripts.py", line 515, in load_scripts script_module = script_loading.load_module(scriptfile.path) File "C:\Users\netwo\stable-diffusion-webui\modules\script_loading.py", line 13, in load_module module_spec.loader.exec_module(module) File "<frozen importlib._bootstrap_external>", line 883, in exec_module File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed File "C:\Users\netwo\stable-diffusion-webui\extensions\openpose-editor\scripts\main.py", line 14, in <module> from basicsr.utils.download_util import load_file_from_url ModuleNotFoundError: No module named 'basicsr' When I try to send to txt2img the openpose s pose , nothing happened, when I manually set up the pose pictures, the picture isnt posed with the pose I setup.... Sorry I am a bit lost, If someone can help me I would be gratefull ### Steps to reproduce the problem 1.l auch webui-user.bat 2. get the error: Launching Web UI with arguments: --xformers *** Error loading script: main.py Traceback (most recent call last): File "C:\Users\netwo\stable-diffusion-webui\modules\scripts.py", line 515, in load_scripts script_module = script_loading.load_module(scriptfile.path) File "C:\Users\netwo\stable-diffusion-webui\modules\script_loading.py", line 13, in load_module module_spec.loader.exec_module(module) File "<frozen importlib._bootstrap_external>", line 883, in exec_module File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed File "C:\Users\netwo\stable-diffusion-webui\extensions\openpose-editor\scripts\main.py", line 14, in <module> from basicsr.utils.download_util import load_file_from_url ModuleNotFoundError: No module named 'basicsr' 3. 3dopenpose doesnt want to send the pose and other controlnet such as depht for example to the txt2img or img2img. 4. after setting up the pose pictuer into controlnet parameter and setting up the options. it doesnt follow the pose... ### What should have happened? 1. No error on startting webui-user.bat 2. Openpose can send the picures to img2img or txt2img 3. I got the result with a picture with the pose I set up ### What browsers do you use to access the UI ? Mozilla Firefox, Google Chrome ### Sysinfo [sysinfo-2024-12-28-17-43.json](https://github.com/user-attachments/files/18267048/sysinfo-2024-12-28-17-43.json) ### Console logs ```Shell off "C:\Users\netwo\AppData\Local\Programs\Python\Python310\python.exe C:\Users\netwo\stable-diffusion-webui>set PYTHON= C:\Users\netwo\stable-diffusion-webui>set GIT= C:\Users\netwo\stable-diffusion-webui>set VENV_DIR= C:\Users\netwo\stable-diffusion-webui>set COMMANDLINE_ARGS= "--xformers" C:\Users\netwo\stable-diffusion-webui>call webui.bat venv "C:\Users\netwo\stable-diffusion-webui\venv\Scripts\Python.exe" Python 3.10.11 (tags/v3.10.11:7d4cc5a, Apr 5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)] Version: v1.10.1 Commit hash: 82a973c04367123ae98bd9abdf80d9eda9b910e2 Launching Web UI with arguments: --xformers *** Error loading script: main.py Traceback (most recent call last): File "C:\Users\netwo\stable-diffusion-webui\modules\scripts.py", line 515, in load_scripts script_module = script_loading.load_module(scriptfile.path) File "C:\Users\netwo\stable-diffusion-webui\modules\script_loading.py", line 13, in load_module module_spec.loader.exec_module(module) File "<frozen importlib._bootstrap_external>", line 883, in exec_module File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed File "C:\Users\netwo\stable-diffusion-webui\extensions\openpose-editor\scripts\main.py", line 14, in <module> from basicsr.utils.download_util import load_file_from_url ModuleNotFoundError: No module named 'basicsr' --- ControlNet preprocessor location: C:\Users\netwo\stable-diffusion-webui\extensions\sd-webui-controlnet\annotator\downloads 2024-12-28 18:45:35,296 - ControlNet - INFO - ControlNet v1.1.455 Loading weights [d803b444ed] from C:\Users\netwo\stable-diffusion-webui\models\Stable-diffusion\disneyrealcartoonmix_v10.safetensors 2024-12-28 18:45:36,849 - ControlNet - INFO - ControlNet UI callback registered. Running on local URL: http://127.0.0.1:7860 To create a public link, set `share=True` in `launch()`. Creating model from config: C:\Users\netwo\stable-diffusion-webui\repositories\generative-models\configs\inference\sd_xl_base.yaml Startup time: 21.3s (prepare environment: 9.4s, import torch: 4.1s, import gradio: 1.6s, setup paths: 0.8s, import ldm: 0.1s, initialize shared: 0.3s, other imports: 0.5s, load scripts: 3.2s, create ui: 0.7s, gradio launch: 0.6s). ``` ### Additional information _No response_
not-an-issue
low
Critical
2,761,816,769
PowerToys
NewPlus starting digits, spaces, and dots should ALSO be ignored in creating the file from the template file
### Description of the new feature / enhancement If a template file is called "0100. Template.doc", and the setting "Hide template filename starting digits, spaces, and dots" is turned on, the new file resulting from this should be created as "Template.doc". Alternatively, a second setting "Skip starting digits, spaces, and dots when creating a file from a template" (or similar) could exist to control this behavior. ### Scenario when this would be used? I don't want the leading digits, spaces, and dots in the display of NewPlus OR in the resulting created filename. ### Supporting information _No response_
Needs-Triage
low
Minor
2,761,822,079
rust
`#![feature(..)]` outside of crate root only warns and should be louder
When [a `feature` attribute is declared anywhere but the crate root, we currently emit an unused attribute warning](https://play.rust-lang.org/?version=nightly&mode=debug&edition=2021&gist=17ac08b4a6e3c35532de862cfed49fcb): ```rust fn main() { #![feature(default_field_values)] let () = 1; } ``` This [has caused issues](https://github.com/rust-lang/rust/issues/81370) in the past with people not realizing that the attribute wasn't set in the right place. It should probably be its own error/deny-by-default lint, specifically for `feature`.
A-lints,A-diagnostics,T-compiler,requires-nightly,D-newcomer-roadblock,D-terse,L-unused_attributes
low
Critical
2,761,825,804
neovim
Crash when using old `TSNode` after reparse
### Problem It is possible to crash Neovim by using a `TSNode` (or a query cursor) of a tree that was edited afterwards. Details: https://github.com/neovim/neovim/pull/31631#discussion_r1898103653 TL;DR: 1. Subtrees in tree-sitter are reference counted, but nodes and query cursors (which reference the subtree) do not contribute to the reference count. 2. Parsing might free the old subtree. 3. Some operation on nodes reference the subtree, and when it was freed, Neovim crashes. This issue was submitted to tree-sitter, but closed: https://github.com/tree-sitter/tree-sitter/issues/4044#event-15776372680 ### Steps to reproduce minimal.lua: ```lua local line = 'vim.api.nvim_win_set_cursor(0, { 1, 0 });' local lines = {} for i = 1, 2000 do lines[i] = line end local lines2 = { 'local _ = "' .. line } for i = 2, 1999 do lines2[i] = line end table.insert(lines2, line .. '"') vim.api.nvim_buf_set_lines(0, 0, -1, true, lines) vim.treesitter.start(0, 'lua') local parser = vim.treesitter.get_parser(0) parser:parse() local trees = {} for k, tree in pairs(parser:trees()) do trees[k] = tree:copy() end local nodes = {} local function add_all(node) table.insert(nodes, node:child()) for child in node:iter_children() do add_all(child) end end add_all(parser:parse(true)[1]:root()) vim.api.nvim_buf_set_lines(0, 0, -1, true, lines2) parser:parse(true) trees = nil collectgarbage("collect") vim.api.nvim_buf_set_lines(0, 0, -1, true, lines) parser:parse() collectgarbage("collect") vim.keymap.set('n', 'a', function() for _, node in ipairs(nodes) do node:has_changes() end print('ended') end) ``` ```shell nvim --clean -u minimal.lua ``` Pressing `a` will crash neovim ### Expected behavior Neovim should not crash, or the docs should mention that it is possible to crash. ### Nvim version (nvim -v) NVIM v0.11.0-dev-1422+g35247b00a4 ### Vim (not Nvim) behaves the same? N/A ### Operating system/version Ubuntu 24.04 ### Terminal name/version XTerm(390) ### $TERM environment variable xterm ### Installation build from repo
bug-crash,treesitter
low
Critical
2,761,828,674
angular
NgIf Else Block Breaks Hydration
### Which @angular/* package(s) are the source of the bug? common ### Is this a regression? No ### Description The new built-in `@if` block seems to ignore the `@else` block during hydration, ensuring an consistent markup structure after the application becomes stable. However, the legacy NgIf is unaware of the hydration context and still render the else block, producing a markup structure that canno t be hydrated. See the reproduction repo for details. ### Please provide a link to a minimal reproduction of the bug https://github.com/Char2sGu/issue-hydration-ngif ### Please provide the exception or error you saw ```true ``` ### Please provide the environment you discovered this bug in (run `ng version`) ```true Angular CLI: 19.0.6 Node: 22.3.0 Package Manager: npm 10.8.1 OS: linux x64 Angular: 19.0.5 ... animations, common, compiler, compiler-cli, core, forms ... platform-browser, platform-browser-dynamic, platform-server ... router Package Version --------------------------------------------------------- @angular-devkit/architect 0.1900.6 @angular-devkit/build-angular 19.0.6 @angular-devkit/core 19.0.6 @angular-devkit/schematics 19.0.6 @angular/cli 19.0.6 @angular/ssr 19.0.6 @schematics/angular 19.0.6 rxjs 7.8.1 typescript 5.6.3 zone.js 0.15.0 ``` ### Anything else? This should probably be noted in the documentation section of structural directives: all structural directives should try to avoid manipulating the view container during hydration (before the application first becomes stable). I initially encountered this issue when authoring a structural directive.
area: core,state: needs more investigation,P3,core: hydration
low
Critical
2,761,832,092
yt-dlp
[twitter] Intermittent "Failed to parse JSON" errors
### DO NOT REMOVE OR SKIP THE ISSUE TEMPLATE - [X] I understand that I will be **blocked** if I *intentionally* remove or skip any mandatory\* field ### Checklist - [X] I'm reporting that yt-dlp is broken on a **supported** site - [X] I've verified that I have **updated yt-dlp to nightly or master** ([update instructions](https://github.com/yt-dlp/yt-dlp#update-channels)) - [X] I've checked that all provided URLs are playable in a browser with the same IP and same login details - [X] I've checked that all URLs and arguments with special characters are [properly quoted or escaped](https://github.com/yt-dlp/yt-dlp/wiki/FAQ#video-url-contains-an-ampersand--and-im-getting-some-strange-output-1-2839-or-v-is-not-recognized-as-an-internal-or-external-command) - [X] I've searched [known issues](https://github.com/yt-dlp/yt-dlp/issues/3766) and the [bugtracker](https://github.com/yt-dlp/yt-dlp/issues?q=) for similar issues **including closed ones**. DO NOT post duplicates - [X] I've read the [guidelines for opening an issue](https://github.com/yt-dlp/yt-dlp/blob/master/CONTRIBUTING.md#opening-an-issue) - [X] I've read about [sharing account credentials](https://github.com/yt-dlp/yt-dlp/blob/master/CONTRIBUTING.md#are-you-willing-to-share-account-details-if-needed) and I'm willing to share it if required ### Region SA ### Provide a description that is worded well enough to be understood I have updates yt-dlp to the last version When i try to download a twitter video i found this error (it is the first time i encounter it) What is the issue ? ### Provide verbose output that clearly demonstrates the problem - [X] Run **your** yt-dlp command with **-vU** flag added (`yt-dlp -vU <your command line>`) - [X] If using API, add `'verbose': True` to `YoutubeDL` params instead - [X] Copy the WHOLE output (starting with `[debug] Command-line config`) and insert it below ### Complete Verbose Output ```shell ERROR: [twitter] 1873063443525501019: 1873063443525501019: Failed to parse JSON (caused by JSONDecodeError("Expecting value in '': line 1 column 1 (char 0)")); please report this issue on https://github.com/yt-dlp/yt-dlp/issues?q= , filling out the appropriate issue template. Confirm you are on the latest version using yt-dlp -U ```
cant-reproduce,site-bug
low
Critical
2,761,875,029
svelte
Improve Spring data typing, or improving it so it doesn't bother about unsupported data types
### Describe the problem Issue #14840 made me suggest the following typing for the `Spring` class: ```diff + type MotionPrimitive = number | Date; + interface MotionRecord { + [x: string]: MotionPrimitive | MotionRecord | (MotionPrimitive | MotionRecord)[]; + }; - export class Spring<T> { + export class Spring<T extends MotionRecord['']> { ``` This is because the current Spring logic throws if say, a value of type `string` is found in its recursive logic. But what if the throwing doesn't happen? ### Describe the proposed solution Two possible options: 1. We improve the typing around the `Spring` class as proposed here. 2. We remove the throwing part and instead the value is simply ignored ([this ELSE statement](https://github.com/sveltejs/svelte/blob/7f8acb8a3705e1c9612f0d56e3a94596f0db1ef3/packages/svelte/src/motion/spring.js#L52)). If the second option, then type parameter `T` doesn't require constraining and people can pass anything as value to the spring object, but then documentation must be updated to make devs aware that only numbers or dates can be sprung. ### Importance nice to have
types / typescript,transition/animation
low
Minor
2,761,880,522
ui
[bug]: Next 15 docs incorrectly state that CMDK works with react 19
### Describe the bug The [docs state](https://ui.shadcn.com/docs/react-19#upgrade-status) that cmdk works with react 19, [but it does not](https://github.com/pacocoursey/cmdk/issues/266)? ### Affected component/components Command ### How to reproduce 1. Create a Next project 2. Install shadcn command component 3. Create a build ```bash npx create-next-app@latest cmdk-react-19 --yes cd cmdk-react-19 npx shadcn@latest add command npm run build ``` ### Codesandbox/StackBlitz link https://stackblitz.com/edit/stackblitz-starters-v3swgmy5 ### Logs ```bash > [email protected] build > next build โ–ฒ Next.js 15.1.3 Creating an optimized production build ... (node:43401) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. (Use `node --trace-deprecation ...` to show where the warning was created) (node:43403) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. (Use `node --trace-deprecation ...` to show where the warning was created) โœ“ Compiled successfully Linting and checking validity of types ...Failed to compile. ./components/ui/command.tsx:12:20 Type error: Type 'ForwardRefExoticComponent<Children & Pick<Pick<DetailedHTMLProps<HTMLAttributes<HTMLDivElement>, HTMLDivElement>, "key" | keyof HTMLAttributes<...>> & { ...; } & { ...; }, "key" | ... 1 more ... | keyof HTMLAttributes<...>> & { ...; } & RefAttributes<...>> & { ...; }' does not satisfy the constraint 'keyof IntrinsicElements | ForwardRefExoticComponent<any> | (new (props: any) => Component<any, {}, any>) | ((props: any) => ReactNode)'. Type 'ForwardRefExoticComponent<Children & Pick<Pick<DetailedHTMLProps<HTMLAttributes<HTMLDivElement>, HTMLDivElement>, "key" | keyof HTMLAttributes<...>> & { ...; } & { ...; }, "key" | ... 1 more ... | keyof HTMLAttributes<...>> & { ...; } & RefAttributes<...>> & { ...; }' is not assignable to type 'ForwardRefExoticComponent<any>'. Type 'import("/Users/mathii/projects/cmdk-react-19/node_modules/cmdk/node_modules/@types/react/index").ReactNode' is not assignable to type 'React.ReactNode'. Type 'ReactElement<any, string | JSXElementConstructor<any>>' is not assignable to type 'ReactNode'. Property 'children' is missing in type 'ReactElement<any, string | JSXElementConstructor<any>>' but required in type 'ReactPortal'. 10 | 11 | const Command = React.forwardRef< > 12 | React.ElementRef<typeof CommandPrimitive>, | ^ 13 | React.ComponentPropsWithoutRef<typeof CommandPrimitive> 14 | >(({ className, ...props }, ref) => ( 15 | <CommandPrimitive ``` ### System Info ```bash MacOS Node v22.12.0 ``` ### Before submitting - [X] I've made research efforts and searched the documentation - [X] I've searched for existing issues
bug
low
Critical
2,761,884,334
rust
Tracking issue for release notes of #133870: Stabilize `asm_goto` feature gate
This issue tracks the release notes text for #133870. ### Steps - [ ] Proposed text is drafted by PR author (or team) making the noteworthy change. - [ ] Issue is nominated for release team review of clarity for wider audience. - [ ] Release team includes text in release notes/blog posts. ### Release notes text The responsible team for the underlying change should edit this section to replace the automatically generated link with a succinct description of what changed, drawing upon text proposed by the author (either in discussion or through direct editing). ````markdown # Category (e.g. Language, Compiler, Libraries, Compatibility notes, ...) - [Stabilize `asm_goto` feature gate](https://github.com/rust-lang/rust/pull/133870) ```` > [!TIP] > Use the [previous releases](https://doc.rust-lang.org/nightly/releases.html) categories to help choose which one(s) to use. > The category will be de-duplicated with all the other ones by the release team. > > *More than one section can be included if needed.* ### Release blog section If the change is notable enough for inclusion in the blog post, the responsible team should add content to this section. *Otherwise leave it empty.* ````markdown ```` cc @nbdd0121, @tmandry -- origin issue/PR authors and assignees for starting to draft text
A-inline-assembly,T-lang,relnotes,F-asm,needs-triage,relnotes-tracking-issue
low
Minor
2,761,909,094
pytorch
Add differentiable flag to SGD
### ๐Ÿš€ The feature, motivation and pitch When using SGD on cuda, it defaults to the foreach implementation. Because SGD is so simple, this often doesn't call any non differentiable operations, but when using weight_decay, it calls _foreach_add which is nondifferentiable. Currently, to make cuda SGD w/ weight_decay differentiable, you need to pass in foreach=False which feels unintuitive, so adding a differentiable flag would be more clear. ### Alternatives _No response_ ### Additional context I can probably do this one! cc @vincentqb @jbschlosser @albanD @janeyx99 @crcrpar
module: optimizer,triaged
low
Minor
2,761,912,213
godot
Godot4.4dev7: Using `@warning_ignore` annotation at function signature level is broken
### Tested versions - Reproducible in v4.4.dev7.mono.official [46c8f8c5c] - Works on v4.4.dev6.mono.official [1f47e4c4e] ### System information Windows 11 ### Issue description I updated my CI-PR workflow to Godot4.4dev7 and it fails now It reports now the warning and is ignoring the `@warning_ignore("unsafe_method_access")` `[Ignore]Line 13 (UNSAFE_METHOD_ACCESS):The method "line_number()" is not present on the inferred type "Node" (but may be present on a subtype). ` The annotation was working before on function signature level but is now ignored, this is a regression ### Steps to reproduce ``` extends Node @warning_ignore("unsafe_method_access") func check(test_case :Node) -> void: #@warning_ignore("unsafe_method_access") test_case.line_number() ``` ### Minimal reproduction project (MRP) n/a
discussion,topic:gdscript
low
Critical
2,761,917,058
PowerToys
Let users change the New+ keyboard shortcut to open Templates in a new window
### Description of the new feature / enhancement If a user presses CTRL+SHIFT+N to try creating a new folder in File Explorer, the Templates folder will open in a new window. It'd be great to change the New+ keyboard shortcut that opens the Templates folder in a new window, so that CTRL+SHIFT+N can always create a new folder. ### Scenario when this would be used? Add a **Keyboard Shortcut** option. The default keyboard shortcut for opening the Templates folder in a new window is CTRL+SHIFT+N. Let a user edit the keyboard shortcut for opening the Templates folder in a new window. ### Supporting information Changing a keyboard shortcut for opening the Templates folder in a new window can have less conflicts with pressing CTRL+SHIFT+N in File Explorer to create a new folder.
Needs-Triage
low
Major
2,761,921,156
ui
[bug]: `add --path` is broken
### Describe the bug I haven't found any combination of arguments to get a custom path out of the add function https://github.com/shadcn-ui/ui/blob/1081536246b44b6664f4c99bc3f1b3614e632841/packages/cli/src/commands/add.ts#L127 I noticed in the code that it resolves CWD, but passing that as an option as well doesn't work https://github.com/shadcn-ui/ui/blob/1081536246b44b6664f4c99bc3f1b3614e632841/packages/cli/src/commands/add.ts#L54 ### Affected component/components CLI ### How to reproduce `npx shadcn@latest add -c . --path src button` ### Codesandbox/StackBlitz link _No response_ ### Logs _No response_ ### System Info ```bash Node 22, NPM 10.9.0 ``` ### Before submitting - [X] I've made research efforts and searched the documentation - [X] I've searched for existing issues
bug
low
Critical
2,761,934,439
next.js
Nextra and MDX generation doesn't work with Turbopack
### Link to the code that reproduces this issue https://github.com/frogermcs/next-issue-reproduce ### To Reproduce In the App Router config, I want to add Nextra, which lands in /pages directory. Renderring the page without turbopack works as expected, while using turbopack results with error, as described below. Steps to reproduce: - npm run dev with `--turbopack` results with the issue - Running the same without `--turbopack` results with page rendered as expected. To reproduce, visit: http://localhost:3001/docs Console output: ``` --------------------------- content is not available as task execution failed Caused by: - content is not available as task execution failed - Expected process result to be a module, but it could not be processed Debug info: - Execution of *Project::client_changed failed - Execution of *PageEndpointOutput::client_assets failed - Execution of PageEndpoint::output failed - Execution of PageEndpoint::client_chunks failed - content is not available as task execution failed - Execution of PageEndpoint::client_module failed - content is not available as task execution failed - Execution of create_page_loader_entry_module failed - Execution of ProcessResult::module failed - Expected process result to be a module, but it could not be processed ``` ### Current vs. Expected behavior When visiting page while turbopack is enabled, I get server error (console log pasted above) Server Error Error: An unexpected Turbopack error occurred. Please see the output of `next dev` for more details. This error happened while generating the page. Any console logs will be displayed in the terminal window. getServerError node_modules/next/src/client/components/react-dev-overlay/internal/helpers/node-stack-frames.ts (31:36) getServerError node_modules/next/src/client/index.tsx (940:17) ### Provide environment information ```bash Operating System: Platform: darwin Arch: arm64 Version: Darwin Kernel Version 24.1.0: Thu Oct 10 21:03:11 PDT 2024; root:xnu-11215.41.3~2/RELEASE_ARM64_T6020 Available memory (MB): 16384 Available CPU cores: 10 Binaries: Node: 22.12.0 npm: 10.9.0 Yarn: N/A pnpm: N/A Relevant Packages: next: 15.1.3 // Latest available version is detected (15.1.3). eslint-config-next: N/A react: 19.0.0 react-dom: 19.0.0 typescript: 5.3.3 Next.js Config: output: N/A ``` ### Which area(s) are affected? (Select all that apply) Markdown (MDX), Pages Router, Turbopack ### Which stage(s) are affected? (Select all that apply) next dev (local) ### Additional context I tried it on: - nextjs 5.0.2 and 5.1.3 - node 19 and 22
Turbopack,Pages Router,Markdown (MDX)
low
Critical
2,761,957,674
godot
RigidBody2D freezes when accessing GlobalRotation or GlobalPosition inside _physics_process while the camera is moving and the RigidBody is the child of a Parallax2D node.
### Tested versions 4.4.dev 7 - mono ### System information Windows 11 ### Issue description When using a Parallax2D in combination with a RigidBody2D node, the RigidBody2D will freeze while the camera is moving and the RigidBody2D GlobalPosition or GlobalRotation is accessed (e.g. print). ### Steps to reproduce Create a 2D scene, add a Parallax2D node, to this node add a Rigidbody2D (add something to visualize it, like a Sprite2D). Add a script to the Rigidbody2D that accesses its GlobalPosition. For simplicity, print its GlobalPosition during _physics_process. Add a Camera2D to the scene. Add a script that moves the camera each frame. Running the project, the Rigidbody2Ds motion will be broken. Deactivate either the camera-script or the RigidBody2Ds script, motion will work again. I've attached a mrp to produce the effect (it uses c#, so please use the mono-version). ### Minimal reproduction project (MRP) [mrp-gp.zip](https://github.com/user-attachments/files/18267703/mrp-gp.zip)
bug,topic:physics,topic:2d
low
Critical
2,761,963,328
godot
Polygon2D does not deform it's mesh using the physics-interpolated position of Bone2Ds
### Tested versions `4.0.dev1`, `4.3.RC1`, `4.3.stable`, `4.4.dev6`, `4.4.dev7` ### System information Godot v4.4.dev7 - Windows 10 (build 19045) - Multi-window, 1 monitor - Vulkan (Mobile) - integrated AMD Radeon(TM) 760M (Advanced Micro Devices, Inc.; 31.0.24018.2001) - AMD Ryzen 5 7640U w/ Radeon 760M Graphics (12 threads) ### Issue description Polygon2Ds do not deform their mesh using the physics-interpolated position of Bone2Ds that are translated during a `_physics_process` step. This means that games running at a higher framerate than their `physics_ticks_per_second` value will result in choppy Polygon2D deform motion. I believe that the Bone2Ds are interpolating correctly, and that the issue is somewhere with how or when the Polygon2D decides to acquire the Bone2D's position to calculate mesh deforms. ### Demo of the Issue I have setup a scene with the following features: - a Polygon2D (the big tree) with a simple bone structure. Each bone has a script attached that will modify the `position` of the bone by some amount in the `_physics_process()` function. - Two Sprite2Ds (the apples) with `Physics Interpolation` turned off attached as children to two of the tree's bones to demonstrate that the Bone2Ds are actually interpolating (as the motion of the apples would be choppy if the bones were not interpolating) - The position of the bones are drawn every frame with yellow circles, again, to demonstrate that the bone2ds are interpolating. With a `Physics Tick Per Second` of `60`, the motion of everything appears smooth, as the physics is updating faster than the drawn framerate: https://github.com/user-attachments/assets/12f50128-598a-4041-a6b9-251c18f40f16 However, if we drop the `Physics Ticks Per Second` to anything below the framerate, in this case `5`, the deform of the Polygon2D appears choppy despite everything else in the scene moving smoothly due to physics interpolation. https://github.com/user-attachments/assets/bfd3fc99-c585-4492-b549-431d0b84d291 There's a few things here to notice: 1. The Bone2Ds are only updating their position in-code at only 5 ticks per second, but because they are interpolated, the yellow circles that represent their position and their children (the apples) appear to move smoothly. 2. The Polygon2D (The tree)'s motion is choppy, moving only once per physics tick, which is running at 5 ticks per second. We would expect this motion to be smooth, as the mesh deform should update every time the bones move, including interpolated motion. ### Steps to reproduce 1. Create a Polygon2D, attach a texture. 2. Create a Skeleton2D with a bone hierarchy and rest pose. 4. Attach the Skeleton to the Polygon2D 5. UV map the Polygon2D, and assign weights to each vertex corresponding to a bone in the skeleton. 6. Write a script that moves one more more bones in the `_physics_process` function. 7. Enable physics interpolation in your project settings. 8. Drop the `physics ticks per second` to something below the framerate that the game will run at. I'd suggest something very low, like `5` to clearly demonstrate the issue. 9. Run the scene. 10. Notice that despite the Bone2Ds ostensibly interpolating, the Polygon2D will not deform using any interpolated position values. ### Minimal reproduction project (MRP) https://github.com/CodeZombie/godot4_polygon2d_phys_interp_bug_repro
bug,topic:physics,topic:animation,topic:2d
low
Critical
2,761,973,642
flutter
Impeller GPU calls fail to render on Windows (GLES)
### Steps to reproduce As of a few weeks ago, enabling Impeller and making `flutter_gpu` calls on Windows (OpenGL / GLES) was actually working as desired, despite not yet being listed as a supported platform. This only broke in a recent update to the `main` channel - right now, I'm unable to render anything to a `flutter_gpu` `RenderTarget` and only see a black texture instead. The bug must have been introduced in revision https://github.com/flutter/flutter/commit/1ef8d512829dad0797ecf5259c508a9f2fa49ad4, as the commit *right before* still works as expected. The following PRs are relevant to the main suspect commit: - https://github.com/flutter/engine/pull/56597 - https://github.com/flutter/engine/pull/56573 - https://github.com/flutter/engine/pull/56585 ### Expected results I've set up a minimal example, in which a single render pass with a blue clear value should get drawn. The outlined rectangle container should get painted with the GPU-rendered texture and turn blue. ![image](https://github.com/user-attachments/assets/bd0e2d96-cd4e-4420-895f-1f6d2cd51152) (Captured on Flutter main channel, revision https://github.com/flutter/flutter/commit/6281dca4508f1fdfc30c6594fcaa5b3f95b13851) ### Actual results The outlined rectangle container stays black. ![image](https://github.com/user-attachments/assets/8f954f9c-8b9c-42b5-bfcd-55053aacf12a) (Captured on Flutter main channel, revision https://github.com/flutter/flutter/commit/1ef8d512829dad0797ecf5259c508a9f2fa49ad4) ### Code sample The minimal example from the screenshots above is available at https://github.com/doodlezucc/flutter_gpu_minimal.git Rendering **fails only since** commit https://github.com/flutter/flutter/commit/1ef8d512829dad0797ecf5259c508a9f2fa49ad4 of the Flutter main branch. The previous commit https://github.com/flutter/flutter/commit/6281dca4508f1fdfc30c6594fcaa5b3f95b13851 works as expected. ### Screenshots or Video _No response_ ### Logs <details open><summary>Logs</summary> ```console Launching lib\main.dart on Windows in debug mode... โˆš Built build\windows\x64\runner\Debug\flutter_gpu_minimal.exe [IMPORTANT:flutter/shell/platform/embedder/embedder_surface_gl_impeller.cc(97)] Using the Impeller rendering backend (OpenGL). Connecting to VM Service at ws://127.0.0.1:56036/5vXAi2R2xgo=/ws Connected to the VM Service. Application finished. Exited (-1). ``` </details> ### Flutter Doctor output <details open><summary>Doctor output</summary> ```console [!] Flutter (Channel [user-branch], 3.27.0-1.0.pre.525, on Microsoft Windows [Version 10.0.19045.5247], locale de-DE) ! Flutter version 3.27.0-1.0.pre.525 on channel [user-branch] at C:\Users\[...]\Documents\flutter\flutter Currently on an unknown channel. Run `flutter channel` to switch to an official channel. If that doesn't fix the issue, reinstall Flutter by following instructions at https://flutter.dev/setup. ! Upstream repository unknown source is not a standard remote. Set environment variable "FLUTTER_GIT_URL" to unknown source to dismiss this error. โ€ข Framework revision 1ef8d51282 (6 weeks ago), 2024-11-15 21:02:25 -0500 โ€ข Engine revision f649330aff โ€ข Dart version 3.7.0 (build 3.7.0-153.0.dev) โ€ข DevTools version 2.41.0-dev.2 โ€ข If those were intentional, you can disregard the above warnings; however it is recommended to use "git" directly to perform update checks and upgrades. [โˆš] Windows Version (10 Home 64-bit, 22H2, 2009) [โˆš] Android toolchain - develop for Android devices (Android SDK version 35.0.0) โ€ข Android SDK at C:\Users\[...]\AppData\Local\Android\sdk โ€ข Platform android-35, build-tools 35.0.0 โ€ข Java binary at: C:\Program Files\Android\Android Studio1\jbr\bin\java โ€ข Java version OpenJDK Runtime Environment (build 17.0.11+0--11852314) โ€ข All Android licenses accepted. [โˆš] Chrome - develop for the web โ€ข Chrome at C:\Program Files (x86)\Google\Chrome\Application\chrome.exe [โˆš] Visual Studio - develop Windows apps (Visual Studio Community 2022 17.10.5) โ€ข Visual Studio at C:\Program Files\Microsoft Visual Studio\2022\Community โ€ข Visual Studio Community 2022 version 17.10.35122.118 โ€ข Windows 10 SDK version 10.0.22621.0 [โˆš] Android Studio (version 2024.1) โ€ข Android Studio at C:\Program Files\Android\Android Studio1 โ€ข Flutter plugin can be installed from: https://plugins.jetbrains.com/plugin/9212-flutter โ€ข Dart plugin can be installed from: https://plugins.jetbrains.com/plugin/6351-dart โ€ข Java version OpenJDK Runtime Environment (build 17.0.11+0--11852314) [โˆš] IntelliJ IDEA Community Edition (version 2024.1) โ€ข IntelliJ at C:\Program Files\JetBrains\IntelliJ IDEA Community Edition 2024.1.4 โ€ข Flutter plugin can be installed from: https://plugins.jetbrains.com/plugin/9212-flutter โ€ข Dart plugin can be installed from: https://plugins.jetbrains.com/plugin/6351-dart [โˆš] VS Code (version 1.96.2) โ€ข VS Code at C:\Users\[...]\AppData\Local\Programs\Microsoft VS Code โ€ข Flutter extension version 3.102.0 [โˆš] Connected device (2 available) โ€ข Windows (desktop) โ€ข windows โ€ข windows-x64 โ€ข Microsoft Windows [Version 10.0.19045.5247] โ€ข Chrome (web) โ€ข chrome โ€ข web-javascript โ€ข Google Chrome 131.0.6778.205 [โˆš] Network resources โ€ข All expected network resources are available. ! Doctor found issues in 1 category. ``` </details>
c: regression,engine,platform-windows,c: rendering,has reproducible steps,P2,e: impeller,team-engine,triaged-engine,flutter-gpu,found in release: 3.28
low
Critical
2,761,975,222
react-native
TypeError: Object is not defined
### Description I upgraded my react native version to 0.75.4 and so react navigations versions also to latest one, but got stuck in the loop saying object is not a function in react. Main page shown for some seconds and then got the below error. Currently i am using these versions | @react-navigation/native | 7.0.14 | @react-navigation/bottom-tabs | 7.2.0 | @react-navigation/drawer | 7.1.1 | @react-navigation/stack | 7.1.1 | @react-navigation/native-stack | 7.2.0 | react-native-tab-view | 4.0.5 | react-native-screens | 4.0.0 | react-native-safe-area-context | 3.3.2 | react-native-gesture-handler | 2.21.2 | react-native-reanimated | 3.0.2 | react-native-pager-view | 6.4.1 | node | 20.0.0 | react | 18.3.1 | react-native | 0.75.4 ### Steps to reproduce yarn install and then run react-native run-android ### React Native Version 0.75.4 ### Affected Platforms Runtime - Android, Runtime - iOS ### Output of `npx react-native info` ```text info Fetching system and libraries information... System: OS: macOS 15.1 CPU: (12) arm64 Apple M2 Pro Memory: 127.02 MB / 16.00 GB Shell: version: "5.9" path: /bin/zsh Binaries: Node: version: 20.11.1 path: /usr/local/bin/node Yarn: version: 3.6.4 path: ~/Documents/QCInternalApps/qatarcharity_redesign/node_modules/.bin/yarn npm: version: 9.6.6 path: /opt/homebrew/bin/npm Watchman: version: 2024.01.22.00 path: /opt/homebrew/bin/watchman Managers: CocoaPods: version: 1.16.2 path: /usr/local/bin/pod SDKs: iOS SDK: Platforms: - DriverKit 24.0 - iOS 18.0 - macOS 15.0 - tvOS 18.0 - visionOS 2.0 - watchOS 11.0 Android SDK: API Levels: - "23" - "27" - "28" - "29" - "30" - "31" - "32" - "33" - "34" - "35" Build Tools: - 28.0.3 - 30.0.2 - 30.0.3 - 31.0.0 - 32.0.0 - 33.0.0 - 33.0.1 - 33.0.2 - 34.0.0 - 35.0.0 System Images: - android-30 | Android TV Intel x86 Atom - android-33 | Google TV ARM 64 v8a - android-33 | Google APIs ARM 64 v8a - android-34 | Google TV ARM 64 v8a - android-35 | Google APIs ARM 64 v8a Android NDK: Not Found IDEs: Android Studio: 2022.2 AI-222.4459.24.2221.9971841 Xcode: version: 16.0/16A242d path: /usr/bin/xcodebuild Languages: Java: version: 17.0.7 path: /usr/bin/javac Ruby: version: 2.6.10 path: /usr/bin/ruby npmPackages: "@react-native-community/cli": Not Found react: installed: 18.3.1 wanted: 18.3.1 react-native: installed: 0.75.4 wanted: 0.75.4 react-native-macos: Not Found npmGlobalPackages: "*react-native*": Not Found Android: hermesEnabled: true newArchEnabled: false iOS: hermesEnabled: false newArchEnabled: false info React Native v0.76.5 is now available (your project is running on v0.75.4). info Changelog: https://github.com/facebook/react-native/releases/tag/v0.76.5 info Diff: https://react-native-community.github.io/upgrade-helper/?from=0.75.4&to=0.76.5 info For more info, check out "https://reactnative.dev/docs/upgrading?os=macos". ``` ### Stacktrace or Logs ```text E TypeError: Object is not a function This error is located at: in Main in RCTView in Unknown in SharedElementSceneView in StaticContainer in EnsureSingleNavigator in SceneView in RCTView in Unknown in RCTView in Unknown in RCTView in Unknown in CardSheet in RCTView in Unknown in Unknown in PanGestureHandler in PanGestureHandler in RCTView in Unknown in Unknown in RCTView in Unknown in Card in CardContainer in RCTView in Unknown in Unknown in InnerScreen in Unknown in MaybeScreen in RCTView in Unknown in ScreenContainer in MaybeScreenContainer in RCTView in Unknown in Background in CardStack in RCTView in Unknown in SafeAreaProviderCompat in RNGestureHandlerRootView in GestureHandlerRootView in StackView in PreventRemoveProvider in NavigationContent in Unknown in SharedElementStackNavigator in WrapNavigator in StackCampaign in StaticContainer in EnsureSingleNavigator in SceneView in RCTView in Unknown in RCTView in Unknown in Background in Screen in RNSScreen in Unknown in Suspender in Suspense in Freeze in DelayedFreeze in InnerScreen in Unknown in MaybeScreen in RNSScreenContainer in ScreenContainer in MaybeScreenContainer in RCTView in Unknown in SafeAreaProviderCompat in BottomTabView in PreventRemoveProvider in NavigationContent in Unknown in BottomTabNavigator in MyTabs in RCTView in Unknown in SharedElementSceneView in StaticContainer in EnsureSingleNavigator in SceneView in RCTView in Unknown in RCTView in Unknown in RCTView in Unknown in CardSheet in RCTView in Unknown in Unknown in PanGestureHandler in PanGestureHandler in RCTView in Unknown in Unknown in RCTView in Unknown in Card in CardContainer in RCTView in Unknown in Unknown in InnerScreen in Unknown in MaybeScreen in RCTView in Unknown in ScreenContainer in MaybeScreenContainer in RCTView in Unknown in Background in CardStack in RCTView in Unknown in SafeAreaProviderCompat in RNGestureHandlerRootView in GestureHandlerRootView in StackView in PreventRemoveProvider in NavigationContent in Unknown in SharedElementStackNavigator in WrapNavigator in Drawer in EnsureSingleNavigator in BaseNavigationContainer in ThemeProvider in NavigationContainerInner in RNCSafeAreaProvider in SafeAreaProvider in RCTView in Unknown in RCTView in Unknown in MenuProvider in Unknown in Unknown in ThemeProvider in ToastProvider in DesignProvider in ForceUiUpdateProvider in PersistGate in Provider in RCTView in Unknown in RCTView in Unknown in ActionSheet in ActionSheetProvider in App in RNGestureHandlerRootView in GestureHandlerRootView in gestureHandlerRootHOC(App) in RCTView in Unknown in RootSiblingsWrapper in RCTView in Unknown in AppContainer, js engine: hermes, stack: safelyCallDestroy@1:432375 commitHookEffectListUnmount@1:432922 commitPassiveUnmountEffectsInsideOfDeletedTree_begin@1:442971 recursivelyTraversePassiveUnmountEffects@1:442283 commitPassiveUnmountOnFiber@1:442429 flushPassiveEffects@1:449161 flushSyncWorkAcrossRoots_impl@1:399218 scheduleUpdateOnFiber@1:443634 enqueueForceUpdate@1:458983 anonymous@1:322037 anonymous@1:3256778 anonymous@1:517734 __debouncedOnEnd@1:499965 anonymous@1:500387 __invokeCallback@1:113513 anonymous@1:111660 __guard@1:112536 invokeCallbackAndReturnFlushedQueue@1:111622 ``` ### Reproducer https://react.dev/ ### Screenshots and Videos <img width="687" alt="image" src="https://github.com/user-attachments/assets/247dc8fd-2925-4243-9eae-defe3420c0d5" />
Stale,Needs: Author Feedback,Needs: Repro
low
Critical
2,761,978,682
rust
Dependency of rustc_fluent_macros getting compiled with -Ztls-model=initial-exec
Proc macros must not be compiled with `-Ztls-model=initial-exec` as `-Ztls-model=initial-exec` is incompatible with dlopen. Glibc is somewhat lenient with dlopening dylibs compiled with `-Ztls-model=initial-exec` for as long as there is room, but other libc implementations may not provide enough room or provide room at all. For example on FreeBSD trying to use rustc_driver results in the following error: https://cirrus-ci.com/task/4557776715776000 ``` error: /.rustup/toolchains/nightly-2024-12-28-x86_64-unknown-freebsd/lib/rustlib/x86_64-unknown-freebsd/lib/librustc_fluent_macro-60e8ff74c2f2aaa5.so: No space available for static Thread Local Storage --> src/lib.rs:16:1 | 16 | extern crate rustc_middle; | ^^^^^^^^^^^^^^^^^^^^^^^^^^ ``` To fix this issue, the set of exclusions at https://github.com/rust-lang/rust/blob/ceb0441e82259c6fca91aa5aea391e9d0f3ec272/src/bootstrap/src/bin/rustc.rs#L166-L173 needs to be updated to include all direct and indirect dependencies of the rustc_fluent_macros crate.
T-compiler,T-bootstrap,A-thread-locals,C-bug
low
Critical
2,761,994,378
ui
[bug][docs]: Drawer docs usage section typo which leads to nested buttons
### Describe the bug The `DrawerClose` usage under the Usage section of Drawer docs doesn't specify the asChild prop but uses a nested button as child. This leads to the following error when devs copy the code as-is: ```shell Error: In HTML, <button> cannot be a descendant of <button>. This will cause a hydration error. ... <Presence present={true}> <FocusScope asChild={true} loop={true} trapped={true} onMountAutoFocus={function onOpenAutoFocus} ...> <Primitive.div tabIndex={-1} asChild={true} ref={function} ...> <Slot tabIndex={-1} onKeyDown={function FocusScope.useCallback[handleKeyDown]} ref={function}> <SlotClone tabIndex={-1} onKeyDown={function FocusScope.useCallback[handleKeyDown]} ref={function}> <DismissableLayer role="dialog" id="radix-:R9f..." aria-describedby="radix-:R9f..." ...> <Primitive.div role="dialog" id="radix-:R9f..." aria-describedby="radix-:R9f..." ...> <div role="dialog" id="radix-:R9f..." aria-describedby="radix-:R9f..." aria-labelledby="radix-:R9f..." ...> <div> <DrawerHeader> <DrawerFooter> <div className="mt-auto fl..."> <button> <DialogClose> <Primitive.button type="button" ref={null} onClick={function handleEvent}> > <button type="button" onClick={function handleEvent} ref={null}> <Button> > <button > className={"inline-flex items-center justify-center gap-2 whitespace-nowrap rounded..."} > > ... at createUnhandledError (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/client/components/react-dev-overlay/internal/helpers/console-error.js:27:49) at handleClientError (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/client/components/react-dev-overlay/internal/helpers/use-error-handler.js:44:56) at console.error (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/client/components/globals/intercept-console-error.js:48:56) at validateDOMNesting (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:2495:19) at completeWork (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:13699:15) at runWithFiberInDEV (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:544:16) at completeUnitOfWork (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:15200:19) at performUnitOfWork (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:15081:11) at workLoopSync (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:14888:41) at renderRootSync (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:14868:11) at performWorkOnRoot (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:14351:13) at performSyncWorkOnRoot (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:15970:7) at flushSyncWorkAcrossRoots_impl (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:15830:21) at processRootScheduleInMicrotask (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:15864:7) at eval (webpack-internal:///(app-pages-browser)/./node_modules/.pnpm/[email protected][email protected][email protected][email protected]/node_modules/next/dist/compiled/react-dom/cjs/react-dom-client.development.js:15986:13) ``` It is a minor typo since all the other examples on the page do pass the asChild prop, but this can go unnoticed under non-Next.js codebases and can cause a11y issues. ### Affected component/components Drawer ### How to reproduce 1. Open the attached codesandbox. 2. Click on 'Open drawer'. 3. Check the browser logs. ### Codesandbox/StackBlitz link https://codesandbox.io/p/sandbox/537jnq ### Logs ```bash Warning: validateDOMNesting(...): <button> cannot appear as a descendant of <button>. at button at _c (https://537jnq.csb.app/src/Button.tsx:40:5) at button at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-primitive/dist/index.js:64:13) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-dialog/dist/index.js:313:13) at div at DrawerFooter (https://537jnq.csb.app/src/Drawer.tsx:83:5) at div at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-primitive/dist/index.js:64:13) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-dismissable-layer/dist/index.js:62:7) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-slot/dist/index.js:63:11) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-slot/dist/index.js:44:11) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-primitive/dist/index.js:64:13) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-focus-scope/dist/index.js:51:5) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-dialog/dist/index.js:256:13) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-dialog/dist/index.js:182:58) at Presence (https://537jnq.csb.app/node_modules/@radix-ui/react-presence/dist/index.js:54:11) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-dialog/dist/index.js:173:64) at eval (https://537jnq.csb.app/node_modules/vaul/dist/index.js:1431:78) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-slot/dist/index.js:63:11) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-slot/dist/index.js:44:11) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-primitive/dist/index.js:64:13) at eval (https://537jnq.csb.app/node_modules/@radix-ui/react-portal/dist/index.js:47:22) at Presence (https://537jnq.csb.app/node_modules/@radix-ui/react-presence/dist/index.js:54:11) at Provider (https://537jnq.csb.app/node_modules/@radix-ui/react-context/dist/index.js:64:15) at DialogPortal (https://537jnq.csb.app/node_modules/@radix-ui/react-dialog/dist/index.js:136:11) at Portal (https://537jnq.csb.app/node_modules/vaul/dist/index.js:1657:21) at _c4 (https://537jnq.csb.app/src/Drawer.tsx:50:5) at Provider (https://537jnq.csb.app/node_modules/@radix-ui/react-context/dist/index.js:64:15) at Dialog (https://537jnq.csb.app/node_modules/@radix-ui/react-dialog/dist/index.js:77:5) at Root (https://537jnq.csb.app/node_modules/vaul/dist/index.js:901:23) at Drawer (https://537jnq.csb.app/src/Drawer.tsx:17:5) at div at App ``` ### System Info ```bash I've used a barebones setup to quickly show the error but this will happen in any environment, be it Next.js or a regular React app. ``` ### Before submitting - [X] I've made research efforts and searched the documentation - [X] I've searched for existing issues
bug
low
Critical
2,762,021,349
ui
[bug]: shadcn website light/dark toggle broken
### Describe the bug I had the docs open then started using the theme toggle on the website to see what certain blocks/components would look like in dark mode. After that I set it back to light mode and stepped away. Then this video happened, please be warned it flashes **very** fast, so I am wrapping the link that way there is no chance it will auto-play when viewing this issue. `https://github.com/user-attachments/assets/757feda6-8c21-44f6-9f6b-854ec58a698a` Not sure if this is an issue with the site or something weird with next-themes but I figured I would make a bug report here to let you know regardless. ### Affected component/components None, this is the shadcn site ### How to reproduce Go to components page. Toggle themes ~10 times Leave on light mode ??? (this was all I did) ### Codesandbox/StackBlitz link _No response_ ### Logs _No response_ ### System Info ```bash Windows 10, Msft Edge ``` ### Before submitting - [X] I've made research efforts and searched the documentation - [X] I've searched for existing issues
bug
low
Critical
2,762,049,402
neovim
`vim.lsp.enable()`: do not launch LSP server if root dir not found (like `single_file_support=false` from nvim-lspconfig)
### Problem Many LSPs can initialize without a root dir, but their usefulness may be heavily limited. For instance, without a compile_commands.json, clangd is quite helpless. In such a case it may be preferred to not have the language server active at all, as their presence is more distracting than helpful. ### Expected behavior `vim.lsp.enable()` could be made to respect a new flag in `vim.lsp.Config` that works similarly to `single_file_support` from `nvim-lspconfig`. This flag would tell `vim.lsp.enable()` to only launch the language server when one of the `root_markers` specified in `vim.lsp.Config` is found.
enhancement,has:workaround,lsp
low
Major
2,762,052,471
rust
`Methods from Deref<Target=[T]>` doesnt appear for type aliases
I have a type alias for a type that implements `Deref<Target=[T]`, but Rustdoc doesnt generate the corresponding section in the sidebar like it does for the concrete type I'm aliasing ```rust #[derive(Copy, Clone, Eq, PartialEq, Debug)] pub struct Col<T: Copy, const N: usize> { data: [T; N], } pub type Mat<T, const H: usize, const W: usize> = Col<Col<T, W>, H>; // snip impl<T: Copy, const N: usize> Deref for Col<T, N> { type Target = [T]; fn deref(&self) -> &Self::Target { &self.data } } ``` rustdoc 1.82.0 (f6e511eec 2024-10-15) on macOS 15.2
T-rustdoc,C-bug,A-rustdoc-js,T-rustdoc-frontend
low
Critical
2,762,056,282
deno
Error: Not implemented: cluster.fork
Version: Deno v2.1.4 Attempting to use the node:cluster module to cluster.fork() throws an error `Error: Not implemented: cluster.fork` Code to duplicate: ```ts import cluster from 'node:cluster'; import http from 'node:http'; import { availableParallelism } from 'node:os'; import process from 'node:process'; const numCPUs = availableParallelism(); if (cluster.isPrimary) { console.log(`Primary ${process.pid} is running`); // Fork workers. for (let i = 0; i < numCPUs; i++) { cluster.fork(); console.log('fork cpu:', i); } } else { // Workers can share any TCP connection // In this case it is an HTTP server http.createServer((req, res) => { res.writeHead(200); res.end('hello world\n'); }).listen(8000); console.log(`Worker ${process.pid} started`); } ```
node compat,node:cluster
low
Critical