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,762,056,949
transformers
Compatibility Issue with Python 3.13
### System Info Python 3.13 ### Who can help? _No response_ ### Information - [ ] The official example scripts - [X] My own modified scripts ### Tasks - [ ] An officially supported task in the `examples` folder (such as GLUE/SQuAD, ...) - [X] My own task or dataset (give details below) ### Reproduction pip install transformers ### Expected behavior Issue: Compatibility Issue with Python 3.13 Description: When attempting to install safetensors as a dependency for transformers on Python 3.13, the installation fails during the metadata generation step. The issue seems to be related to the maturin build tool and its handling of the pyproject.toml. This problem does not occur on Python 3.12. Steps to Reproduce: Install Python 3.13.1 (official build). Run the command: bash 复制代码 pip install safetensors Observe the following error: plaintext 复制代码 error: subprocess-exited-with-error × Preparing metadata (pyproject.toml) did not run successfully. │ exit code: 1 ╰─> [5 lines of output] 💥 maturin failed Caused by: `project.version` field is required in pyproject.toml unless it is present in the `project.dynamic` list Error running maturin: Command '['maturin', 'pep517', 'write-dist-info', '--metadata-directory', ...]' returned non-zero exit status 1. Environment: Python Version: 3.13.1 OS: Windows 10 (64-bit) Pip Version: 23.x Rust Version: [Provide output of rustc --version] Temporary Solution: Switching to Python 3.12 resolves the issue. Dependencies (safetensors and transformers) install successfully on Python 3.12. Expected Behavior: The package should install successfully on Python 3.13. Additional Context: This issue might be due to the pyproject.toml configuration or an incompatibility in the maturin build tool when used with Python 3.13. Suggestions: Investigate the pyproject.toml for compatibility with Python 3.13. Ensure dependencies like maturin and Rust are compatible with the latest Python version.
dependencies,bug
low
Critical
2,762,061,969
transformers
Allow static cache to be larger than sequence length / batch size for encoder-decoder models
### Feature request In encoder decoder models using an encoder-decoder cache object when using a static cache: 1. the cross-attention cache size must equal the encoder sequence length. 2. batch size for both self-attention and cross-attention caches must be the same as the generating batch size. ### Motivation I have been working on executorch export for encoder-decoder models. as part of that I have been digging into the implementation of the encoder-decoder cache and static cache. How I would expect static caches to work is that when you initialize the cache, then as long as your generation (batch size, encoder sequence length, decoder sequence length) is less than the associated cache values, it should work. Currently however: 1. The cross attention cache must be exactly the size as the encoder sequence length. 2. The batch size that the cache is initialized with must be exactly the batch size that the cache is run with. ### Your contribution As I was digging through this, I updated the T5 attention and the static cache implementation in an attempt to handle both these cases. #35445 That being said, I am just starting to learn transformers (both the hf library and in general), and have no real idea what I am doing. #### Here is the code I have been using to generate the issue: ```python import torch from transformers import ( AutoTokenizer, AutoModelForSeq2SeqLM, ) from transformers.cache_utils import ( StaticCache, EncoderDecoderCache, ) model_name = "google-t5/t5-small" dtype = torch.float16 tokenizer = AutoTokenizer.from_pretrained(model_name) model = AutoModelForSeq2SeqLM.from_pretrained( model_name, torch_dtype=dtype, ) encoder_cache = StaticCache( model.config, max_cache_len=170, max_batch_size=4, dtype=dtype ) decoder_cache = StaticCache( model.config, max_cache_len=200, max_batch_size=4, dtype=dtype ) cache = EncoderDecoderCache(decoder_cache, encoder_cache) strings_1 = [ "When the night has come and the land is dark, and the moon is the only light we will see.", "Abba is the best", # "No lindy is the best", # "No Elton john is the absolute best.", ] input_ids = tokenizer(strings_1, return_tensors="pt", padding=True) tokens = model.generate(**input_ids, past_key_values=cache) text_translated = [tokenizer.decode(t, skip_special_tokens=False) for t in tokens] print(text_translated) ```
Feature request
low
Major
2,762,078,519
vscode
"Unable to resolve resource vscode" codespaces firefox - #169930
<!-- ⚠️⚠️ 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: - OS Version: Steps to Reproduce: 1. be on firefox in strict modde 2. try to open codespaces on browser i had the exact same error as https://github.com/microsoft/vscode/issues/169930 ![Image](https://github.com/user-attachments/assets/2cc9563e-10c2-4cfb-8978-1a62c8d131c8) I changed the seeting on firefox from strict to normal and solved the bug just posting here for the case of someone struggling with it and needing help, was two weeks trying to solve it ![Image](https://github.com/user-attachments/assets/f277ba00-9842-4b03-94f4-c2b4bc05b2a6) ![Image](https://github.com/user-attachments/assets/58fd2845-465e-465b-b1c3-9581ed3890e2) ![Image](https://github.com/user-attachments/assets/351afa1d-eacb-4a1e-9530-908c1d2fbeb7)
*duplicate
low
Critical
2,762,082,491
transformers
`tokenizer` should be replaced to `processing_class` in `Seq2SeqTrainer`?
### System Info - `transformers` version: 4.47.1 - Platform: Linux-5.4.0-200-generic-x86_64-with-glibc2.31 - Python version: 3.10.16 - Huggingface_hub version: 0.27.0 - Safetensors version: 0.4.5 - Accelerate version: 1.2.1 - Accelerate config: not found - PyTorch version (GPU?): 2.5.1+cu124 (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?: <fill in> - Using GPU in script?: <fill in> - GPU type: NVIDIA GeForce RTX 2070 SUPER ### Who can help? @amyeroberts @ArthurZucker ### Information - [ ] The official example scripts - [X] My own modified scripts ### Tasks - [ ] An officially supported task in the `examples` folder (such as GLUE/SQuAD, ...) - [X] My own task or dataset (give details below) ### Reproduction In [`trainer_seq2seq.py`](https://github.com/huggingface/transformers/blob/5c75087aeee7081025370e10d1f571a11600f1ae/src/transformers/trainer_seq2seq.py#L372) file, there is still calling `self.tokenizer.` which produces deprecation warning "Trainer.tokenizer is now deprecated. You should use Trainer.processing_class instead." ```python def _pad_tensors_to_max_len(self, tensor, max_length): if self.tokenizer is not None and hasattr(self.tokenizer, "pad_token_id"): # If PAD token is not defined at least EOS token has to be defined pad_token_id = ( self.tokenizer.pad_token_id if self.tokenizer.pad_token_id is not None else self.tokenizer.eos_token_id ) ``` ### Expected behavior I believe self.tokenizer should be replaced to self.processing_class ```python def _pad_tensors_to_max_len(self, tensor, max_length): if self.processing_class is not None and hasattr(self.processing_class, "pad_token_id"): # If PAD token is not defined at least EOS token has to be defined pad_token_id = ( self.processing_class.pad_token_id if self.processing_class.pad_token_id is not None else self.processing_class.eos_token_id ) ``` Is it okay for me to make a PR for this issue? :smile:
Core: Tokenization,trainer,bug
low
Minor
2,762,094,148
godot
Auto Converting C# 3.x project to 4.3 is replacing wrong function spellings.
### Tested versions - Godot 3.6 - Godot 4.3 ### System information Windows 11 ### Issue description I searched through the issues and couldn't find this. I just let 4.3 convert a C# 3.6 project. Lots of unnecessary errors because it is replacing functions with incorrect spelled ones.: **Particles2D** converted to GPUParticles2D (should be GpuParticles2D) **[Remote]** converted to [RPC(MultiplayerAPI.RPCMode.AnyPeer)] (should be [Rpc(MultiplayerApi.RpcMode.AnyPeer)]) **JSON** (should be Json) I have over 1600+ errors so I haven't found all the misspellings, but these are the ones I found. The names were probably capitalized and one point in 4.x and changed but never updated in the converter. Even in the documentation they are wrongly spelled. ### Steps to reproduce Create a C# project in 3.6 and include Particles2D, [Remote], and Godot.JSON. Now open it in 4.3 and let it convert the project. ### Minimal reproduction project (MRP) [Test.zip](https://github.com/user-attachments/files/18268396/Test.zip)
bug,topic:editor,topic:dotnet
low
Critical
2,762,098,764
pytorch
No ONNX function found for <OpOverload(op='quantized_decomposed.dequantize_per_channel', overload='default')>
### 🐛 Describe the bug We tried to leverage per_channel quantization in QAT and exported the trained model in onnx format. ```py model = dummy pytorch model export_model = torch.export.export_for_training( model, example_inputs).module() quantizer = XNNPACKQuantizer().set_global(get_symmetric_quantization_config( is_per_channel=True, )) prepared_model = prepare_qat_pt2e(export_model, quantizer) quantized_model = convert_pt2e(prepared_model) inp = torch.rand((32, 3, 384, 384)) print(inp.shape) example_inputs = (inp,) onnx_program = torch.onnx.export( quantized_model, # model to export example_inputs, # inputs of the model, "my_model.onnx", # filename of the ONNX model opset_version=20, # the ONNX version to export the model to verbose=True, input_names=["input"], # Rename inputs for the ONNX model output_names=['output'], # the model's output names dynamic=True, # create a dynamic ONNX model dynamo=True, # True or False to select the exporter to use dynamic_axes={'input': {0: 'batch_size'}, # variable length axes 'output': {0: 'batch_size'}}, verify=True, # check the model and all its submodules ) ``` we got the following error: ```pytb --------------------------------------------------------------------------- DispatchError Traceback (most recent call last) File ~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:553, in _add_nodes(exported_program, model, lower, registry) [552](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:552) if lower == "at_conversion": --> [553](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:553) _handle_call_function_node_with_lowering( [554](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:554) model, [555](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:555) node, [556](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:556) node_name_to_values, [557](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:557) constant_farm, [558](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:558) registry=registry, [559](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:559) opset=opset, [560](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:560) ) [561](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:561) else: [562](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:562) # No lowering File ~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:444, in _handle_call_function_node_with_lowering(model, node, node_name_to_values, constant_farm, registry, opset) [442](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:442) if onnx_function is None: [443](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:443) # TODO(justinchuby): Fall back to ATen op or do something else? --> [444](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:444) raise _errors.DispatchError( [445](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:445) f"No ONNX function found for {node.target!r}. Failure message: {message}" [446](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:446) ) [448](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:448) # Map FX inputs to ONNX inputs and fill optional inputs. [449](https://vscode-remote+ssh-002dremote-002b7b22686f73744e616d65223a224c696e7578576f726b53746174696f6e227d.vscode-resource.vscode-cdn.net/home/rxu/Github/rai_lab/multimodal/quantization/~/miniconda3/envs/ims/lib/python3.10/site-packages/torch/onnx/_internal/exporter/_core.py:449) # torch_args and torch_kwargs are for op-level validation DispatchError: No ONNX function found for <OpOverload(op='quantized_decomposed.dequantize_per_channel', overload='default')>. Failure message: No decompositions registered for the real-valued input ... <class 'torch.onnx._internal.exporter._errors.DispatchError'>: No ONNX function found for <OpOverload(op='quantized_decomposed.dequantize_per_channel', overload='default')>. Failure message: No decompositions registered for the real-valued input ⬆️ <class 'torch.onnx._internal.exporter._errors.ConversionError'>: Error when translating node %dequantize_per_channel : [num_users=1] = call_function[target=torch.ops.quantized_decomposed.dequantize_per_channel.default](args = (%b__frozen_param0, %b__scale_0, %b__zero_point_0, 0, -127, 127, torch.int8), kwargs = {}). See the stack trace for more information. ``` ### Versions Collecting environment information... PyTorch version: 2.5.1+cu124 Is debug build: False CUDA used to build PyTorch: 12.4 ROCM used to build PyTorch: N/A OS: Ubuntu 18.04.6 LTS (x86_64) GCC version: (Ubuntu 7.5.0-3ubuntu1~18.04) 7.5.0 Clang version: Could not collect CMake version: version 3.10.2 Libc version: glibc-2.27 Python version: 3.10.14 (main, May 6 2024, 19:42:50) [GCC 11.2.0] (64-bit runtime) Python platform: Linux-5.4.0-150-generic-x86_64-with-glibc2.27 Is CUDA available: True CUDA runtime version: Could not collect CUDA_MODULE_LOADING set to: LAZY GPU models and configuration: GPU 0: Quadro RTX 8000 GPU 1: Quadro RTX 8000 GPU 2: Quadro RTX 8000 GPU 3: Quadro RTX 8000 Nvidia driver version: 550.120 cuDNN version: /usr/lib/x86_64-linux-gnu/libcudnn.so.7.6.5 HIP runtime version: N/A MIOpen runtime version: N/A Is XNNPACK available: True CPU: Architecture: x86_64 CPU op-mode(s): 32-bit, 64-bit Byte Order: Little Endian CPU(s): 36 On-line CPU(s) list: 0-35 Thread(s) per core: 2 Core(s) per socket: 18 Socket(s): 1 NUMA node(s): 1 Vendor ID: GenuineIntel CPU family: 6 Model: 85 Model name: Intel(R) Xeon(R) W-2295 CPU @ 3.00GHz Stepping: 7 CPU MHz: 2004.998 CPU max MHz: 4800.0000 CPU min MHz: 1200.0000 BogoMIPS: 6000.00 Virtualization: VT-x L1d cache: 32K L1i cache: 32K L2 cache: 1024K L3 cache: 25344K NUMA node0 CPU(s): 0-35 Flags: fpu vme de pse tsc msr pae mce cx8 apic sep mtrr pge mca cmov pat pse36 clflush dts acpi mmx fxsr sse sse2 ss ht tm pbe syscall nx pdpe1gb rdtscp lm constant_tsc art arch_perfmon pebs bts rep_good nopl xtopology nonstop_tsc cpuid aperfmperf pni pclmulqdq dtes64 monitor ds_cpl vmx smx est tm2 ssse3 sdbg fma cx16 xtpr pdcm pcid dca sse4_1 sse4_2 x2apic movbe popcnt tsc_deadline_timer aes xsave avx f16c rdrand lahf_lm abm 3dnowprefetch cpuid_fault epb cat_l3 cdp_l3 invpcid_single intel_ppin ssbd mba ibrs ibpb stibp ibrs_enhanced tpr_shadow vnmi flexpriority ept vpid ept_ad fsgsbase tsc_adjust bmi1 avx2 smep bmi2 erms invpcid cqm mpx rdt_a avx512f avx512dq rdseed adx smap clflushopt clwb intel_pt avx512cd avx512bw avx512vl xsaveopt xsavec xgetbv1 xsaves cqm_llc cqm_occup_llc cqm_mbm_total cqm_mbm_local dtherm ida arat pln pts hwp hwp_act_window hwp_epp hwp_pkg_req avx512_vnni md_clear flush_l1d arch_capabilities Versions of relevant libraries: [pip3] mypy-extensions==1.0.0 [pip3] numpy==1.26.4 [pip3] nvidia-cublas-cu12==12.4.5.8 [pip3] nvidia-cuda-cupti-cu12==12.4.127 [pip3] nvidia-cuda-nvrtc-cu12==12.4.127 [pip3] nvidia-cuda-runtime-cu12==12.4.127 [pip3] nvidia-cudnn-cu12==9.1.0.70 [pip3] nvidia-cufft-cu12==11.2.1.3 [pip3] nvidia-curand-cu12==10.3.5.147 [pip3] nvidia-cusolver-cu12==11.6.1.9 [pip3] nvidia-cusparse-cu12==12.3.1.170 [pip3] nvidia-nccl-cu12==2.21.5 [pip3] nvidia-nvjitlink-cu12==12.4.127 [pip3] nvidia-nvtx-cu12==12.4.127 [pip3] onnx==1.16.1 [pip3] onnxruntime==1.18.1 [pip3] torch==2.5.1 [pip3] torchvision==0.20.1 [pip3] triton==3.1.0 [conda] numpy 1.26.4 pypi_0 pypi [conda] nvidia-cublas-cu12 12.4.5.8 pypi_0 pypi [conda] nvidia-cuda-cupti-cu12 12.4.127 pypi_0 pypi [conda] nvidia-cuda-nvrtc-cu12 12.4.127 pypi_0 pypi [conda] nvidia-cuda-runtime-cu12 12.4.127 pypi_0 pypi [conda] nvidia-cudnn-cu12 9.1.0.70 pypi_0 pypi [conda] nvidia-cufft-cu12 11.2.1.3 pypi_0 pypi [conda] nvidia-curand-cu12 10.3.5.147 pypi_0 pypi [conda] nvidia-cusolver-cu12 11.6.1.9 pypi_0 pypi [conda] nvidia-cusparse-cu12 12.3.1.170 pypi_0 pypi [conda] nvidia-nccl-cu12 2.21.5 pypi_0 pypi [conda] nvidia-nvjitlink-cu12 12.4.127 pypi_0 pypi [conda] nvidia-nvtx-cu12 12.4.127 pypi_0 pypi [conda] torch 2.5.1 pypi_0 pypi [conda] torchvision 0.20.1 pypi_0 pypi [conda] triton 3.1.0 pypi_0 pypi
module: onnx,triaged,OSS contribution wanted
low
Critical
2,762,099,870
rust
Pin::new_unchecked docs need to warn about Ptr: Drop too
### Location https://doc.rust-lang.org/std/pin/struct.Pin.html#method.new_unchecked ### Summary The `pin` [module-level doc](https://doc.rust-lang.org/std/pin/index.html#projections-and-structural-pinning) says > It should further be noted that creating a pinning pointer of some type `Ptr` *also* carries with it implications on the way that `Ptr` type must implement `Drop` (as well as `Deref` and `DerefMut`)! When implementing a pointer type that may be used as a pinning pointer, you must also take the same care described above not to *move* out of or otherwise invalidate the pointee during `Drop`, `Deref`, or `DerefMut` implementations. However, the [doc for `Pin::new_unchecked`](https://doc.rust-lang.org/std/pin/struct.Pin.html#method.new_unchecked) says > By using this method, you are also making a promise about the `Deref` and `DerefMut` implementations of `Ptr`, if they exist. Most importantly, they must not move out of their `self` arguments: [...] If I understand correctly (which I may well not, given the subject matter...), these two sections are talking about the same thing: there are some _safe_ traits that you implement by writing a method that takes a bare `&mut self`, and when those traits are implemented for the `Ptr` type in a `Pin<Ptr<T>>`, unless `T: Unpin`, you really need to treat that `&mut self` as if it were pinned (maybe by stuffing it inside a `Pin` ASAP), or you are in danger of breaking invariants that unsafe code is allowed to assume. And because this is a safety requirement, there's got to be an `unsafe` somewhere stating that you believe those safe traits are implemented appropriately, and that place is, I think, the invocation of `Pin::new_unchecked` for a specific choice of `Ptr` type. But the doc for `Pin::new_unchecked` only mentions `Deref` and `DerefMut` as part of the safety contract of invoking it. If these sections are talking about the same thing, then properly implementing `Drop` is also part of the safety burden and the doc should mention it.
T-libs-api,A-docs,A-pin
low
Minor
2,762,103,289
svelte
Allow to set custom types from data-attributes
### Describe the problem I would like to restrict the values allowed in a data-attribute similarly to what is already possible with completely non-standard attributes using the `svelteHTML` namespace. Today svelte will accept any value in any data-attribute and there seems to be no way to restrict it, even overriding the svelte's internal .d.ts (like `non-ambient.d.ts` and `elements.d.ts`) files seems to not have any effect. ### Describe the proposed solution Allow this: ```ts // See https://kit.svelte.dev/docs/types#app // for information about these interfaces declare global { namespace App { // interface Error {} // interface Locals {} // interface PageData {} // interface PageState {} // interface Platform {} } namespace svelteHTML { // enhance elements interface IntrinsicElements { // 'my-custom-element': { someattribute: string; 'on:event': (e: CustomEvent<any>) => void }; } // enhance attributes interface HTMLAttributes<T> { // If you want to use the beforeinstallprompt event // onbeforeinstallprompt?: (event: any) => any; // If you want to use myCustomAttribute={..} (note: all lowercase) // mycustomattribute?: any; // You can replace any with something more specific if you like 'data-hello'?: 'hello'; } } } export {}; ``` ### Importance nice to have
types / typescript
low
Critical
2,762,112,534
pytorch
Issue with aten::_sparse_coo_tensor_with_dims_and_tensors on Apple Silicon GPU (MPS) Backend when Using Whisper Model
### 🐛 Describe the bug ## Description Error occurs while running Whisper model on MPS. The operation `aten::_sparse_coo_tensor_with_dims_and_tensors` fails to fallback to CPU with `PYTORCH_ENABLE_MPS_FALLBACK=1`. ### Minimal Code to Reproduce the Issue ```python import whisper device = "mps" if torch.backends.mps.is_available() else "cpu" model = whisper.load_model("large-v3", device=device) result = model.transcribe("/path/to/audio/file.m4a") ``` ### Versions ## Description Error occurs while running Whisper model on MPS. The operation `aten::_sparse_coo_tensor_with_dims_and_tensors` fails to fallback to CPU with `PYTORCH_ENABLE_MPS_FALLBACK=1`. ### Minimal Code to Reproduce the Issue ```python import whisper device = "mps" if torch.backends.mps.is_available() else "cpu" model = whisper.load_model("large-v3", device=device) result = model.transcribe("/path/to/audio/file.m4a") ``` cc @alexsamardzic @nikitaved @pearu @cpuhrsch @amjames @bhosmer @jcaip @kulinseth @albanD @malfet @DenisVieriu97 @jhavukainen
module: sparse,feature,triaged,module: mps
low
Critical
2,762,113,912
vscode
`--enable-wayland-ime` is not supported in `~/.vscode/argv.json`
<!-- ⚠️⚠️ 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. --> `--enable-wayland-ime` is a command line option that can be used with VSCode, and is sometimes necessary when using a language that requires an IME, such as Japanese, Chinese or Korean, in a VSCode environment running on Wayland. VSCode also has a feature that treats the contents of `~/.vscode/argv.json` as the default command line arguments. Unfortunately, `--enable-wayland-ime` is currently not supported in `~/.vscode/argv.json`. This issue is to request that `--enable-wayland-ime` be supported in `argv.json`. There are many other known workarounds for adding default command line arguments (e.g. write alias on my .zshrc), but using `argv.json` is a simple and good approach.
feature-request
low
Major
2,762,114,816
godot
Warnings when combining enums inside function parameter field of type Control.FlagSizes
### Tested versions v4.3.stable.custom_build [77dcf97d8] v4.3.stable.mono.official [77dcf97d8] ### System information Godot v4.3.stable (77dcf97d8) - Windows 10.0.19045 - Vulkan (Mobile) - dedicated NVIDIA GeForce RTX 2070 (NVIDIA; 32.0.15.6094) - AMD Ryzen 7 2700X Eight-Core Processor (16 Threads) ### Issue description I wanted to create a custom function to create various control nodes and I didn't know how to do it. On the official Discord someone helped me and I learned about this '|' operator to combine the enums for the [SizeFlags](https://docs.godotengine.org/en/stable/classes/class_control.html#enum-control-sizeflags). But that brought up warnings despite working perfectly, and when doing the combination outside the function it worked perfectly without warnings. (would be nice if the documentation showed how to combine these enums - I had no idea you can even do that) Looks similar to the warnings in issue #76223 ### Steps to reproduce 1. Create a function with a 'Control.FlagSizes' type as a parameter. 2. Call the function (or enter default value) with an enum mixture: _Control.SIZE_SHRINK_END | Control.SIZE_EXPAND_ The warnings you get are: ![Image](https://github.com/user-attachments/assets/d25ae2eb-993c-40e8-943b-625df97a4ff0) ### Minimal reproduction project (MRP) Make a new Control scene, add a child VBoxContainer and then add a child PanelContainer and Just copy the following: ```gdscript extends Control @onready var panel_container: PanelContainer = $VBoxContainer/PanelContainer func _ready() -> void: panel_container.size_flags_vertical = Control.SIZE_SHRINK_END | Control.SIZE_EXPAND # no warning func change_container_sizing(vertical: Control.SizeFlags = Control.SIZE_SHRINK_END | Control.SIZE_EXPAND) -> void: panel_container.size_flags_vertical = vertical func call_function() -> void: change_container_sizing(Control.SIZE_SHRINK_END | Control.SIZE_EXPAND) var not_enum: int = Control.SIZE_SHRINK_END | Control.SIZE_EXPAND # no warning change_container_sizing(not_enum) # no warning ```
discussion,topic:gdscript
low
Minor
2,762,117,374
godot
Loading resources containing typed `Dictionary`s with values of type `Resource` causes a parse error
### Tested versions - Reproducible in v4.4.dev2 [97ef3c837] and later snapshots (tested in v4.4.dev2, v4.4.dev5, v4.4.dev6, and v4.4.dev7) - Not reproducible in earlier versions, as support for typed dictionaries had not been added yet. ### System information Godot v4.4.dev7 - Windows 10 (build 19045) - Multi-window, 2 monitors - Vulkan (Forward+) - dedicated Quadro M2200 - Intel(R) Core(TM) i7-6820HQ CPU @ 2.70GHz (8 threads) ### Issue description When using the `load` function to load a .tres file containing a typed `Dictionary` with values of type `Resource` (e.g. `Dictionary[int, Resource]`), the resource fails to load and the following errors are present: ``` E 0:00:01:0172 main.gd:5 @ _ready(): user://save.tres:7 - Parse Error: Expected ']' <C++ Source> scene/resources/resource_format_text.cpp:41 @ _printerr() <Stack Trace> main.gd:5 @ _ready() E 0:00:01:0172 main.gd:5 @ _ready(): Failed loading resource: user://save.tres. Make sure resources have been imported by opening the project in the editor at least once. <C++ Error> Condition "found" is true. Returning: Ref<Resource>() <C++ Source> core/io/resource_loader.cpp:323 @ _load() <Stack Trace> main.gd:5 @ _ready() ``` The expected behavior is that the resource loads successfully without errors. The issue does not occur when using a class that inherits `Resource`. For example, using a custom class called `CustomResource` that extends `Resource` will not cause the error. Additionally, adding an extra mismatched closing square bracket to the .tres file stops the error as well: ``` data = Dictionary[int, Resource]]({}) ``` ### Steps to reproduce 1. Download and open the minimal reproduction project 2. Run the project 3. Check the Errors tab of the debugger, the above errors appear 4. In `SaveData.gd`, replace `Dictionary[int, Resource]` with `Dictionary[int, CustomResource]` 5. Run the project again and check the debugger, the errors are no longer thrown ### Minimal reproduction project (MRP) [resource-loading-error.zip](https://github.com/user-attachments/files/18268655/resource-loading-error.zip)
bug,topic:core,regression
low
Critical
2,762,127,508
godot
PhysicsDirectSpaceState3D.collide_shape fails on various Shape3Ds
### Tested versions - Tested in 4.3.stable.custom_build (Guix Build) - Tested on 4.3 stable on Windows Downloaded from https://godotengine.org/download/windows/ ### System information Godot v4.3.stable unknown - Guix System #1 SMP PREEMPT_DYNAMIC 1 - X11 - Vulkan (Forward+) - dedicated AMD Radeon RX 7900 XT (RADV NAVI31) - AMD Ryzen 5 1600 Six-Core Processor (12 Threads) ### Issue description When running PhysicsDirectSpaceState3D.collide_shape(query_parameters) where query_parameters is a PhysicsShapeQueryParameters3D with its `shape` set to either a `SeperationRayShape3D`, ~~`ConvexPolygonShape3D`~~, or a ~~`ConcavePolygonShape3D`~~ [(Working as intended)](https://github.com/godotengine/godot/issues/100890#issuecomment-2575668172), the collision will fail to check on all targets. However, if the `PhysicsShapeQueryParameters3D.shape` is set to none of the above types, but hits any of the above types, it will successfully have a collision, seemingly meaning that this is a one-way problem. This issue seems to be related to #65030 ### Steps to reproduce (Imperfect now, [see this comment](https://github.com/godotengine/godot/issues/100890#issuecomment-2575668172)) 1. Create two StaticBody3Ds, one as a ConcavePolygon3D and one as a Box3D (or any other shape) and ensure they intersect each other. 2. In code, Create a PhysicsShapeQueryParameters3D.new() with PhysicsShapeQueryParameters3D.shape set to a ConcavePolygon3d 3. Obtain the direct space state of the node that the ConcavePolygon3d belongs to 4. Run collide_shape() with the created PhysicsShapeQueryParameters3D as the query on the direct space state obtained from the PhysicsBody3D that ConcavePolygon3d belongs to. 5. Print the results and see that, no matter the circumstance, collide_shape() always fails to return a collision ### Minimal reproduction project (MRP) [PhysicsShapeQueryParameters3dFailedCollisions.zip](https://github.com/user-attachments/files/18335629/PhysicsShapeQueryParameters3dFailedCollisions.zip)
documentation,topic:physics,needs testing,topic:3d
low
Critical
2,762,134,414
terminal
Implement (Contour's) Color Palette Update Notification and report
### Description of the new feature Implement Dark and Light Mode detection protocol adopted by few terminals and apps (neovim being the most well known i guess) the specification is presented here: https://github.com/contour-terminal/contour/blob/master/docs/vt-extensions/color-palette-update-notifications.md ### Proposed technical implementation details _No response_
Issue-Feature,Product-Conhost,Help Wanted,Area-VT,Product-Terminal,Priority-3
low
Minor
2,762,138,200
godot
EXC_BAD_ACCESS (code=1, address=0x0) on iOS when running linked Godot Mono project in XCode
### Tested versions - Reproducible in v4.3.stable.mono.official [77dcf97d8] ### System information Godot v4.3.stable.mono - macOS 13.7.2 - GLES3 (Compatibility) - AMD Radeon Pro 560 OpenGL Engine - Intel(R) Core(TM) i7-7820HQ CPU @ 2.90GHz (8 Threads) ### Issue description I'm following [Steps to link a Godot project to XCode](https://docs.godotengine.org/en/stable/tutorials/export/exporting_for_ios.html#steps-to-link-a-godot-project-folder-to-xcode) on a Godot 4.3 mono. Expected result: - after final step, when running from XCode project should launch Actual result: - application crashes when launched Note: When creating the MRP, i've started without C#/Mono and can confirm that with GDScript project the guide works as expected. ``` 0x1c6f0813c <+2332>: bl 0x1c6efba70 ; lsl::Lock::unlock() 0x1c6f08140 <+2336>: ldr x8, [x19, #0x8] 0x1c6f08144 <+2340>: ldr w0, [x8, #0x68] 0x1c6f08148 <+2344>: ldp x1, x2, [x8, #0x70] 0x1c6f0814c <+2348>: ldr x3, [x8, #0x80] 0x1c6f08150 <+2352>: blraaz x20 -> 0x1c6f08154 <+2356>: mov x1, x0 Thread 1: EXC_BAD_ACCESS (code=1, address=0x0) 0x1c6f08158 <+2360>: ldr x0, [x19, #0x98] 0x1c6f0815c <+2364>: ldr x16, [x0] 0x1c6f08160 <+2368>: mov x17, x0 0x1c6f08164 <+2372>: movk x17, #0x9abf, lsl #48 0x1c6f08168 <+2376>: autda x16, x17 ``` <img width="720" alt="Image" src="https://github.com/user-attachments/assets/3aa84809-64de-4322-8e10-51a55a1b0287" /> <img width="720" alt="Image" src="https://github.com/user-attachments/assets/39174a03-f1fd-4c73-a899-58fc840d5f9d" /> ### Steps to reproduce 1. Use the MRP project or create an empty 2. Add a C# script to it 3. Follow steps in [Steps to link a Godot project to XCode](https://docs.godotengine.org/en/stable/tutorials/export/exporting_for_ios.html#steps-to-link-a-godot-project-folder-to-xcode) ### Minimal reproduction project (MRP) [xcodelinkmrp.zip](https://github.com/user-attachments/files/18268793/xcodelinkmrp.zip)
bug,platform:macos,topic:dotnet,crash
low
Critical
2,762,139,102
react
[Compiler]: React Compiler should error on document.getElementById call during render
### What kind of issue is this? - [ ] React Compiler core (the JS output is incorrect, or your app works incorrectly after optimization) - [ ] babel-plugin-react-compiler (build issue installing or using the Babel plugin) - [ ] eslint-plugin-react-compiler (build issue installing or using the eslint plugin) - [ ] react-compiler-healthcheck (build issue installing or using the healthcheck script) ### Link to repro https://playground.react.dev/#N4Igzg9grgTgxgUxALhAMygOzgFwJYSYAEAIngIYA2EA5gOp44AWAChDDlQBTBF5gB5AA4JiAXwCURYAB1iROITA4FhTnkwIYRALxEcATxEQ0RACYQ4UALaiVAQh16ZILGYRoNCMy6IB+c0sbOwA6GgQcAFFKBFtMHAAhAwBJMy4AciF2TkoAWhgICBx0qWQiTChKSgBuOSIiGAjYYi46+qIAHjIqWiIIEUwdYH5hUTEAPjb2zu7qGhC2DipVePIvGCHFVfWJqemZijmQgGE1O3GACQQqiA6AelnaE7P4yflp+8f5xZy3j4fDrQ-kQJLVMGIQGIgA ### Repro steps **Steps to reproduce** 1. Create a simple dialog component that uses Portal with a dynamic container: ```jsx function DialogWithPortal({ isOpen }) { const container = typeof document !== "undefined" ? document.getElementById('portal-root') : null; return ( <Dialog open={isOpen}> <Dialog.Portal container={container}> <Dialog.Content>Hello</Dialog.Content> </Dialog.Portal> </Dialog> ); } ``` 2. Mount the component when portal container exists in DOM: ```jsx // DOM has: <div id="portal-root"></div> <DialogWithPortal isOpen={true} /> ``` 3. Observe that dialog doesn't open because compiler memoizes initial null container value **Expected behavior:** - document.getElementById() should be evaluated on each render to find the portal container **Actual behaviour:** - Compiler memoizes the initial document.getElementById() call - If container doesn't exist on first render, null is cached permanently - Subsequent renders use cached null value even after container is added to DOM **The issue is in how the compiler transforms the code:** ```jsx // Initial DOM query is memoized and never rechecked let t1; if ($[0] === Symbol.for("react.memo_cache_sentinel")) { t1 = typeof document !== "undefined" ? document.getElementById("portal-root") : null; $[0] = t1; } else { t1 = $[0]; } const container = t1; ``` ### How often does this bug happen? Every time ### What version of React are you using? ^18.2.0 ### What version of React Compiler are you using? 19.0.0-beta-201e55d-20241215
Component: Optimizing Compiler
low
Critical
2,762,143,992
next.js
alternates metadata are not correctly merged
### Link to the code that reproduces this issue https://github.com/axeleroy/nextjs-alternates-repro ### To Reproduce 1. Start the dev server 2. Navigate to http://localhost:3000 3. Inspect the page. The alternates are ```html <link rel="alternate" hrefLang="en-US" href="https://nextjs.org/en-US"/> <link rel="alternate" hrefLang="de-DE" href="https://nextjs.org/de-DE"/> ``` 4. Navigate to http://localhost:3000/sub-page-1 5. Inspect the page. The alternates are ```html <link rel="alternate" type="application/rss+xml" href="https://example.tld/feed.xml"/> ``` 6. Navigate to http://localhost:3000/sub-page-1 7. Inspect the page. The alternates are ```html <link rel="canonical" href="https://example.tld/sub-page-2"/> ``` ### Current vs. Expected behavior 1. Start the dev server 2. Navigate to http://localhost:3000 3. Inspect the page. The alternates should be ```html <link rel="alternate" type="application/rss+xml" href="https://example.tld/feed.xml"/> <link rel="alternate" hrefLang="en-US" href="https://nextjs.org/en-US"/> <link rel="alternate" hrefLang="de-DE" href="https://nextjs.org/de-DE"/> ``` instead of ```html <link rel="alternate" hrefLang="en-US" href="https://nextjs.org/en-US"/> <link rel="alternate" hrefLang="de-DE" href="https://nextjs.org/de-DE"/> ``` 4. Navigate to http://localhost:3000/sub-page-1 5. Inspect the page. The alternates are ```html <link rel="alternate" type="application/rss+xml" href="https://example.tld/feed.xml"/> ``` 6. Navigate to http://localhost:3000/sub-page-1 7. Inspect the page. The alternates should be ```html <link rel="alternate" type="application/rss+xml" href="https://example.tld/feed.xml"/> <link rel="canonical" href="https://example.tld/sub-page-2"/> ``` instead of ```html <link rel="canonical" href="https://example.tld/sub-page-2"/> ``` ### Provide environment information ```bash Operating System: Platform: linux Arch: x64 Version: #51-Ubuntu SMP PREEMPT_DYNAMIC Sat Nov 9 17:58:29 UTC 2024 Available memory (MB): 7680 Available CPU cores: 8 Binaries: Node: 20.12.2 npm: 10.5.0 Yarn: 1.9.4 pnpm: 8.15.4 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) Metadata ### Which stage(s) are affected? (Select all that apply) next dev (local), next build (local), next start (local), Vercel (Deployed), Other (Deployed) ### Additional context In addition to the stages mentioned above, I have also noted that the issue happens regardless of whether Turbo is used or not and on Static HTML exports.
Metadata
low
Minor
2,762,158,595
rust
Const generic equivalence check overrides diagnostic::on_unimplemented
### Code ```Rust #![feature(generic_const_exprs)] trait Trait { const VAL: usize; } struct A; impl Trait for A { const VAL: usize = 1; } struct B; impl Trait for B { const VAL: usize = 2; } #[diagnostic::on_unimplemented( message = "`{Self}` is not equivalent to `{T}`", )] trait Equivalent<T: Trait>: IsEquivalent<T, true> {} impl<A: Trait + IsEquivalent<B, true>, B: Trait> Equivalent<B> for A {} trait IsEquivalent<T: Trait, const EQUIVALENT: bool>: Trait {} impl<A: Trait, B: Trait> IsEquivalent<A, {A::VAL == B::VAL}> for B {} fn check_equivalent<A: Trait + Equivalent<B>, B: Trait>(_a: &A, _b: &B) {} fn main() { check_equivalent(&A, &A); // works as expected check_equivalent(&B, &B); // works as expected check_equivalent(&A, &B); // ^^^^^^^^^^^^^^^^^^^^^^^^ expected `true`, found `false` } ``` ### Current output ```Shell error[E0308]: mismatched types --> src/main.rs:32:5 | 32 | check_equivalent(&A, &B); | ^^^^^^^^^^^^^^^^^^^^^^^^ expected `true`, found `false` | = note: expected constant `true` found constant `false` ``` ### Desired output ```Shell --> src/main.rs:32:5 | 32 | check_equivalent(&A, &B); | ^^^^^^^^^^^^^^^^^^^^^^^^ `A` is not equivalent to `B` ``` ### Rationale and extra context In the given example, the `A` does not implement the trait `Equivalent<B>` and there is a custom `#[diagnostic::on_unimplemented]` message. However, the diagnostic message is not shown, instead the mismatch between `true` and `false` const generics in the implementation of the equivalence check is leaked. ### Other cases ```Rust ``` ### Rust Version ```Shell 1.85-nightly 2024-12-28 8742e0556dee3c64f714 (on Rust playground) ``` ### Anything else? https://play.rust-lang.org/?version=nightly&mode=debug&edition=2021&gist=eaf4f6a4a8d5336e43446dc1d0e9b575
A-diagnostics,T-compiler,requires-nightly,F-generic_const_exprs
low
Critical
2,762,166,788
terminal
Support Github Copilot Free in Terminal chat
### Description of the new feature Terminal Chat does currently not work with the free version of Github Copilot. ![Image](https://github.com/user-attachments/assets/78f8cff1-46f6-48c5-b796-eb60775075d8) ### Proposed technical implementation details _No response_
Issue-Feature,Needs-Triage,Needs-Tag-Fix,Area-Chat
low
Minor
2,762,175,020
flutter
Flavor sets
### Use case It would be nice to have flavor sets. It is nice that flavor helps to exclude unneeded assets, specify bundle IDs, and exclude unneeded module code from the build. It is especially nice that flavor can be passed as an environment variable so we can reuse one container for Flutter Web. Let's look at a simple scenario: White-labeling + features management. In this case, we will have to multiply flavor as a composed string: ``` 'Brand1_Feature1' 'Brand1_Feature2' 'Brand1_FeatureN' 'Brand2_Feature1' 'Brand2_FeatureN' ``` In real-life cases, it would be multiple dimensions to exclude or reassign assets and etc: OS (Watch/TV/Tablet) / Brand / Feature / Type / Region / Department, etc Therefore parsing a complex flavor string `'A1_B1_C1_D1'`...`'AN_BN_CN_DN'` does not look like a solution. ### Proposal It would be nice to have flavor sets. It would be flavor YAML/JSON to specify tree structure or at least flavor list: flavor list: ``` flavor_{name1}: flavor_{name2}: flavor_{nameN}: ``` flavor list example: ``` flavor_brand: Brand1 flavor_subscriptions: true flavor_region: JP ``` flavor YAML/JSON/etc ``` flavor_{name1}: flavor_{subname1}: flavor_{subnameN}: flavor_{name2}: flavor_{nameN}: ```
c: new feature,tool,framework,c: proposal,P3,team-tool,triaged-tool
low
Major
2,762,175,026
transformers
Tokenizer does not split text according to newly added input tokens
### System Info - `transformers` version: 4.47.1 - Platform: Linux-6.1.85+-x86_64-with-glibc2.35 - Python version: 3.10.12 - Huggingface_hub version: 0.27.0 - Safetensors version: 0.4.5 - Accelerate version: 1.2.1 - Accelerate config: not found - PyTorch version (GPU?): 2.5.1+cu121 (False) - Tensorflow version (GPU?): 2.17.1 (False) - Flax version (CPU?/GPU?/TPU?): 0.8.5 (cpu) - Jax version: 0.4.33 - JaxLib version: 0.4.33 ### Who can help? @ArthurZucker and @itazap ### Information - [ ] The official example scripts - [X] My own modified scripts ### Tasks - [ ] An officially supported task in the `examples` folder (such as GLUE/SQuAD, ...) - [X] My own task or dataset (give details below) ### Reproduction Repro Steps: 1. Initialize a tokenizer with use_fast=False 2. Add new tokens "red" and "e" to the tokenizer vocabulary using add_tokens() 3. Try to tokenize the word "read" - Expected: The tokenizer should split "read" into ['r', 'e', 'ad'] since "e" is now a token - Actual: The tokenizer keeps "read" as a single token, ignoring the newly added vocabulary Repro Code: ```Python from transformers import AutoTokenizer def test(text, input_tokens): tokenizer = AutoTokenizer.from_pretrained(model_id, use_fast=False) tokenizer.add_tokens(input_tokens) output_tokens = tokenizer.tokenize(text) print(f"Output tokens: {output_tokens}") model_id = "google-bert/bert-base-cased" test("read", ["red", "e"]) ``` - Expected Output: Output tokens: ['r', 'e', 'ad'] - Actual Output: Output tokens: ['read'] ### Expected behavior The tokenizer should split "read" into ['r', 'e', 'ad'] since "e" is now a token.
Core: Tokenization,bug
low
Minor
2,762,179,099
godot
The colour resolution is too low in Mobile
### Tested versions -Reproducible in v4.3 stable ### System information Windows 10 - Godot v4.3 Stable ### Issue description So, I wanted to make my game using the Mobile Renderer because I get performance issues with Forward+ and when I started implementing a flashlight into it, turns out Mobile can't handle high colour resolution. It should be smoothly fading not becoming blocky or whatever![Image](https://github.com/user-attachments/assets/7e219440-c36f-4d11-94ca-40b8a1194bc5) It should at least be similar to Forward+ as they both use Vulkan ### Steps to reproduce 1. Set renderer to Mobile. 2. Make the whole scene dark. 3. Add a spotlight. 4. Press play. ### Minimal reproduction project (MRP) N/A
bug,topic:rendering
low
Major
2,762,180,321
rust
attribute macro's `call_site()` hygiene should come from the macro's name, not the `#[]`
<!-- 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: https://play.rust-lang.org/?version=stable&mode=debug&edition=2021&gist=ade138e8d44ac15e91fb351253675a23 `my-macros/lib.rs`: ```rust use proc_macro2::TokenStream; use quote::ToTokens; #[proc_macro_attribute] pub fn my_attr( attr: proc_macro::TokenStream, item: proc_macro::TokenStream, ) -> proc_macro::TokenStream { match main(attr.into(), item.into()) { Ok(retval) => retval.into(), Err(err) => err.into_compile_error().into(), } } fn main(_attr: TokenStream, item: TokenStream) -> syn::Result<TokenStream> { let mut item: syn::ItemFn = syn::parse2(item)?; item.sig = syn::parse_quote! { fn my_test_fn(arg: u8) }; if cfg!(feature = "reset_hygiene") { Ok(syn::parse_str(&item.to_token_stream().to_string())?) } else { Ok(item.to_token_stream()) } } ``` `my-code/lib.rs`: ```rust macro_rules! m { ( $(#[$meta:meta])* $vis:vis fn $($rest:tt)* ) => { $(#[$meta])* $vis fn $($rest)* }; } m! { #[my_macros::my_attr] pub fn my_test_fn() { dbg!(arg); } } ``` I expected to see this happen: compile without error because the attribute macro adds the `arg` argument to the function definition and the hygiene used is from `my_attr` in the invocation of `m!` Instead, this happened: got an error: ``` error[E0425]: cannot find value `arg` in this scope --> src/lib.rs:15:14 | 15 | dbg!(arg); | ^^^ not found in this scope ``` ### Meta rustc version 1.83.0 on playground also has same issue on `1.85.0-nightly (2024-12-28 8742e0556dee3c64f714)` on playground
A-attributes,T-compiler,C-bug,T-libs,A-proc-macros,A-hygiene
low
Critical
2,762,183,340
godot
Freeze when resizing docks
### Tested versions Reproducible in: v4.3.stable.steam [77dcf97d8], v4.3.stable.official [77dcf97d8], v4.2.2.stable.official [15073afe3], v4.1.4.stable.official [fe0e8e557], v4.0.4.stable.official [fc0b241c9] Not reproducible in: v3.6.stable.official [de2f0f147] ### System information Godot v4.3.stable (77dcf97d8) - Windows 10.0.26100 - Vulkan (Forward+) - integrated Intel(R) Iris(R) Xe Graphics (Intel Corporation; 31.0.101.3358) - 12th Gen Intel(R) Core(TM) i5-12500H (16 Threads) ### Issue description Godot editor freezes when trying to resize docks while in 2d or 3d editor. Seems to work fine while in Script editor Tested on another PC: `Godot v4.3.stable - Windows 10.0.19045 - Vulkan (Forward+) - dedicated NVIDIA GeForce RTX 4060 (NVIDIA; 32.0.15.6070) - AMD Ryzen 5 7500F 6-Core Processor (12 Threads)`, works fine ### Steps to reproduce Open any project, open 2d or 3d editor, resize any dock horizontally couple times Video replay: https://youtu.be/LUhZdLDJL-k ### Minimal reproduction project (MRP) N/A
bug,topic:editor,topic:gui
low
Minor
2,762,185,048
tauri
[bug] Package name in `.deb` filename shouldn't contain uppercase letters
### Describe the bug I think the title is clear enough about the problem. Here's a link that might be useful to someone: https://www.debian.org/doc/manuals/debian-reference/ch02.en.html#_debian_package_file_names ### Reproduction _No response_ ### Expected behavior The package name in `.deb` filename has no uppercase letters. ### Full `tauri info` output ```text Sorry, I don't use this project directly and have no output to provide. I just found the problem in another app which uses this project, so I came here to open this issue. ``` ### Stack trace _No response_ ### Additional context Here's the source code I think may need to change: https://github.com/tauri-apps/tauri/blob/dev/crates/tauri-bundler/src/bundle/linux/debian.rs#L56 like this: https://github.com/tauri-apps/tauri/blob/dev/crates/tauri-bundler/src/bundle/linux/debian.rs#L165
type: bug,status: needs triage
low
Critical
2,762,186,764
flutter
Frame rate is locked to 60FPS on some android devices
### Steps to reproduce 1.Create new flutter app with the latest version 2.Check show refresh rate in developer options 3.Run your flutter app in devices that supports 120 or above 4.check refresh rate getting locked at 60 ### Expected results it should run at chosen refresh rate or at max, should not get locked at 60hz. ### Actual results When any installed Flutter app is opened, it gets locked at 60Hz. In my case, the refresh rate drops from 120Hz to 60Hz. Only the Zerodha Kite app, which is made with Flutter, shows the proper refresh rate. It uses the [flutter_displaymode](https://pub.dev/packages/flutter_displaymode) package, which does not seem to work with the latest Flutter version. ### Code sample <details open><summary>Code sample</summary> import 'package:flutter/material.dart'; void main() { runApp(const MyApp()); } class MyApp extends StatelessWidget { const MyApp({super.key}); @override Widget build(BuildContext context) { return const MaterialApp( debugShowCheckedModeBanner: false, home: Scaffold( body: Center( child: Text('Hello, World!'), ), ), ); } } </details> ### Screenshots or Video This video recorded from Xiaomi Poco F5, also had same issues with Redmi,infinix etc https://github.com/user-attachments/assets/8c116208-64cc-40af-9de4-283785541220 ### Logs _No response_ ### Flutter Doctor output <details open><summary>Doctor output</summary> [✓] Flutter (Channel stable, 3.24.3, on macOS 14.6 23G80 darwin-arm64, locale en-IN) • Flutter version 3.24.3 on channel stable at /Users/growingstars/flutter/flutter • Upstream repository https://github.com/flutter/flutter.git • Framework revision 2663184aa7 (4 months ago), 2024-09-11 16:27:48 -0500 • Engine revision 36335019a8 • Dart version 3.5.3 • DevTools version 2.37.3 [✓] Android toolchain - develop for Android devices (Android SDK version 34.0.0) • Android SDK at /Users/growingstars/Library/Android/sdk • Platform android-34, build-tools 34.0.0 • Java binary at: /Applications/Android Studio.app/Contents/jbr/Contents/Home/bin/java • Java version OpenJDK Runtime Environment (build 21.0.3+-79915917-b509.11) • All Android licenses accepted. [✓] Xcode - develop for iOS and macOS (Xcode 16.0) • Xcode at /Applications/Xcode.app/Contents/Developer • Build 16A242d • CocoaPods version 1.15.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+-79915917-b509.11) [✓] VS Code (version 1.96.2) • VS Code at /Applications/Visual Studio Code.app/Contents • Flutter extension version 3.102.0 [✓] Connected device (3 available) • macOS (desktop) • macos • darwin-arm64 • macOS 14.6 23G80 darwin-arm64 • Mac Designed for iPad (desktop) • mac-designed-for-ipad • darwin • macOS 14.6 23G80 darwin-arm64 • Chrome (web) • chrome • web-javascript • Google Chrome 131.0.6778.205 [✓] Network resources • All expected network resources are available. • No issues found! </details>
waiting for customer response,in triage
low
Critical
2,762,193,563
transformers
Support Constant Learning Rate with Cooldown
### Feature request In `transformers.optimization` support `constant learning rate with cooldown` functions. ### Motivation This method will implement that scaling experiments can be performed with significantly reduced compute and GPU hours by utilizing fewer but reusable training runs. [SmolLM](https://huggingface.co/blog/smollm) had used this method to train a series of SOTA small language models. Paper: [https://arxiv.org/pdf/2405.18392](https://arxiv.org/pdf/2405.18392) ### Your contribution I've created a branch, I'm finishing the implementation of these functions, and intend to submit a PR.
Feature request
low
Minor
2,762,198,392
tauri
[bug] Weird Menu behaviour with custom titlebar
### Describe the bug So there is some buggy behaviour going on with my menu. My app can switch from a custom titlebar to no custom titlebar using `appWindow.setDecorations()` while running. The menu stays in place, but you can't click on it, and only if you use Alt to access it can you use the mouse on it as normal. It also looks off. I tried to offset my html and even not capture any pointer events, but it seems the menu is completely outside the scope of the dom and actually sits behind the window rendering the webview until it becomes active using alt. See this gif: ![capture](https://github.com/user-attachments/assets/c1589a74-d344-4e68-9786-24ba28b2bc88) As you can see there is also weird rendering on resize its hidden then when it gets out of focus or you use Alt its back again. _Also, the menu is transparent, my window has "transparent": true, which looks bad. The menu should not be transparent or have an option in how much its transparent. If transparent is false, this buggy menu behaviour is still there, this is just a side note._ ### Reproduction Run on Windows 10. Add a menu and a custom titlebar. See the chaos. ### Expected behavior I'd expect that on Windows, if there is a menu, it will claim space below your custom title bar and just sit there nicely and work as intended with the mouse, sitting above the whole web view. For MacOS and Linux, the menu bar can stay at the operating system level in its default location, which works fine at the moment. A temporary solution would be to simply disable the menu if `Decorations` is set to `false` specifically for Windows. But of course, eventually you want your sweet cross-platform menu to work on all platforms and not have to create a custom HTML menu just for fucking Windows... ### Full `tauri info` output ```text [✔] Environment - OS: Windows 10.0.19045 x86_64 (X64) ✔ WebView2: 131.0.2903.112 ✔ MSVC: Visual Studio Build Tools 2022 ✔ rustc: 1.83.0 (90b35a623 2024-11-26) ✔ cargo: 1.83.0 (5ffbef321 2024-10-29) ✔ rustup: 1.27.1 (54dd3d00f 2024-04-24) ✔ Rust toolchain: stable-x86_64-pc-windows-msvc (environment override by RUSTUP_TOOLCHAIN) [-] Packages - tauri 🦀: 2.1.1 - tauri-build 🦀: 2.0.3 - wry 🦀: 0.47.2 - tao 🦀: 0.30.8 - tauri-cli 🦀: 2.1.0 [-] Plugins [-] App - build-type: bundle - CSP: unset - frontendDist: ../src ``` ### Stack trace _No response_ ### Additional context _No response_
type: bug,status: needs triage
low
Critical
2,762,204,032
next.js
Importing local font in edge runtime is broken since Next 15 with pages router (vercel/og example)
### Link to the code that reproduces this issue https://github.com/chemicalkosek/og-reproduction ### To Reproduce 1. Start the app in dev mode `npm run dev` 2. Visit http://localhost:3000/api/og 3. See error: ```bash ⨯ Error [TypeError]: fetch failed at handler (pages/api/og.js:11:25) 9 | 10 | export default async function handler() { > 11 | const fontData = await fetch( | ^ 12 | new URL('./og/lexend-deca-v21-latin_latin-ext-700.ttf', import.meta.url), 13 | ).then((res) => res.arrayBuffer()); 14 | ``` ### Current vs. Expected behavior Current behavior: Og generation fails with a fetch error while importing local file Expected behavior: It should generate og with custom font. This is working with Next 14 I didn't see any breaking changes in Next 15 that could cause this. The code also comes from the official example: https://vercel.com/guides/using-custom-font ### Provide environment information ```bash Operating System: Platform: linux Arch: x64 Version: #52-Ubuntu SMP PREEMPT_DYNAMIC Thu Dec 5 13:09:44 UTC 2024 Available memory (MB): 27914 Available CPU cores: 16 Binaries: Node: 22.12.0 npm: 10.9.0 Yarn: N/A pnpm: N/A Relevant Packages: next: 15.1.1-canary.23 // Latest available version is detected (15.1.1-canary.23). eslint-config-next: N/A react: 18.3.1 react-dom: 18.3.1 typescript: 5.1.3 Next.js Config: output: N/A ``` ### Which area(s) are affected? (Select all that apply) Pages Router, Runtime ### Which stage(s) are affected? (Select all that apply) next dev (local), next build (local), next start (local) ### Additional context _No response_
Runtime,Pages Router
low
Critical
2,762,204,526
deno
Deno run throws error to use --allow-read flag even after passing
Version: Deno 2.1.2 This is my `deno.json` file. I am using protobuf-js to generate JS and TS files. ``` { "nodeModulesDir": "auto", "tasks": { "dev": "deno run -A --unsafely-ignore-certificate-errors --watch src/main.ts --config-path /Users/niteshchowdharybalusu/Documents/zbd/lightning-interceptor-service/config.toml", "gen-proto": "pbjs -t static-module --keep-case -w es6 -o src/compiled.js protos/lightning.proto", "gen-ts": "pbts -o src/compiled.d.ts src/compiled.js" }, "imports": { "@eznix/try": "npm:@eznix/try@^2.0.7", "@std/assert": "jsr:@std/assert@1", "@std/cli": "jsr:@std/cli@^1.0.8", "@std/encoding": "jsr:@std/encoding@^1.0.5", "@std/fs": "jsr:@std/fs@^1.0.6", "@std/toml": "jsr:@std/toml@^1.0.2", "lightning": "npm:lightning@^10.22.2", "protobufjs": "npm:protobufjs@^7.4.0", "protobufjs-cli": "npm:protobufjs-cli@^1.1.3", "zod": "npm:zod@^3.23.8" }, "lint": { "rules": { "exclude": ["no-explicit-any"] } } } ``` What is weird here is, `deno run gen-proto` works fine. But when I run `deno run gen-ts` it throws the following error: I have tried `deno run --allow-read gen-ts` and `deno run -A gen-ts` and it still throws the same. <img width="1718" alt="Screenshot 2024-12-29 at 6 04 33 AM" src="https://github.com/user-attachments/assets/dcd48d24-dd32-4d05-a17e-85a6a2e5f79a" />
bug
low
Critical
2,762,218,545
PowerToys
[PowerToys Run] Unit conversion - add shorthands for area units
### Description of the new feature / enhancement Currently if I want to convert areas, I need to type it like `200 squarefeet to squaremeter`. It would be quite handy if I could just write `200 sqft to sqm` like Google's unit converter supports. ### Scenario when this would be used? Any time someone needs to convert areas. ### Supporting information _No response_
Needs-Triage
low
Minor
2,762,222,300
rust
Audit {`check-run-results`, `regex-error-pattern`, `error-pattern`, `check-stdout`, `normalize-*`, `dont-check-compiler-*`, `run-rustfix`, `rustfix-only-machine-applicable`, `forbid-output`} family of directives
I don't know about other contributors, but I have to look at the source implementation (or trial-and-error) every time I see or try to use one of these compiletest directives. IMO, we should audit the design of these directives, and possibly revamp them entirely. Concrete confusions: - `check-run-results` check both run stderr and stdout and puts them into snapshot files (on bless), then compares the subsequent run stderr and stdout against the snapshot. - `error-pattern` doesn't only check stderr (whose stderr? compiler? run?), it can also check stdout (or both??) depending on `check-stdout`, `dont-check-compiler-*`, and also it can check *also* compiler stderr or stdout I think?? - `normalize-*` (that is not `normalize-stdout` or `normalize-stderr`) I believe can simultaneously apply to {compiler,run} {stderr,stdout}. - `run-rustfix` will run rustfix and try to apply *all* non-placeholder suggestions, including non-machine-applicable ones like `MaybeIncorrect` ones. - `rustfix-only-machine-applicable` is like `run-rustfix` but only tries to apply `MachineApplicable` suggestions. - `forbid-output` is like `error-pattern` but named completely differently. I don't remember which output pattern of {compiler,run}x{stderr,stdout} it is forbidding. EDIT: - `regex-error-pattern` is like `error-pattern` but accepts a regex...
A-testsuite,E-hard,T-compiler,T-bootstrap,C-bug,A-compiletest,E-needs-design,E-needs-investigation
low
Critical
2,762,224,906
godot
At startup `ERROR: editor/progress_dialog.cpp:169 - Do not use progress dialog (task) while flushing the message queue or using call_deferred()!`
### Tested versions - Happens in v4.4.dev7.mono.official [46c8f8c5c] ### System information Godot v4.4.dev7.mono - Windows 10 (build 19045) - Multi-window, 1 monitor - Vulkan (Forward+) - dedicated NVIDIA GeForce GTX 1060 6GB (NVIDIA; 32.0.15.6094) - Intel(R) Core(TM) i5-3570K CPU @ 3.40GHz (4 threads) ### Issue description I get this error sometimes at startup. My project is mostly GDScript code with two C# scripts. This _might_ be related to https://github.com/godotengine/godot/issues/96550, at least the error message is the same. ``` Godot Engine v4.4.dev7.mono.official (c) 2007-present Juan Linietsky, Ariel Manzur & Godot Contributors. --- Debug adapter server started on port 6006 --- --- GDScript language server started on port 6005 --- ERROR: editor/progress_dialog.cpp:169 - Do not use progress dialog (task) while flushing the message queue or using call_deferred()! ERROR: editor/progress_dialog.cpp:203 - Condition "!tasks.has(p_task)" is true. Returning: canceled ERROR: editor/progress_dialog.cpp:203 - Condition "!tasks.has(p_task)" is true. Returning: canceled ERROR: editor/progress_dialog.cpp:203 - Condition "!tasks.has(p_task)" is true. Returning: canceled ERROR: editor/progress_dialog.cpp:203 - Condition "!tasks.has(p_task)" is true. Returning: canceled ERROR: editor/progress_dialog.cpp:203 - Condition "!tasks.has(p_task)" is true. Returning: canceled ERROR: editor/progress_dialog.cpp:203 - Condition "!tasks.has(p_task)" is true. Returning: canceled ERROR: editor/progress_dialog.cpp:226 - Condition "!tasks.has(p_task)" is true. [LSP] Connection Taken ``` ### Steps to reproduce Unfortunately I have no idea. I _feel_ that I have mostly seen this error when starting Godot first time after booting the computer. I did managed to get the error once by repeatedly starting Godot while Microsoft Defender was scanning the drive thus making everything slow. But even then I got the error only once with maybe 15 tries. ### Minimal reproduction project (MRP) N/A
bug,topic:editor,needs testing
low
Critical
2,762,225,127
rust
Audit `run-fail` ui tests to see if they need *exact* run stderr/stdout
> compiletest triage: I'm not convinced switching `error-pattern` run-fail ui tests to use only the current form of `check-run-results` is an improvement over `error-pattern` unconditionally. If anything, it would be a regression to flaky tests in many cases that are sensitive to *exact* run stdout/stderr (line numbers, backtraces that can depend on platform-specific unwind mechanism, concrete addresses, version numbers, etc.). > > I would be in favor of auditing some of these run-fail tests and sparingly add `check-run-results` if the *exact* run stderr/stdout is critical for the intention of the test, but not in a blanket fashion. As such, I'm going to close this issue in favor of a more concrete audit issue. _Originally posted by @jieyouxu in [#65865](https://github.com/rust-lang/rust/issues/65865#issuecomment-2564704568)_
C-cleanup,A-testsuite,T-compiler,E-medium,E-tedious
low
Critical
2,762,237,861
vscode
html dosyasını yeni pencerede açtığımda boş sayfa görünüyor
Type: <b>Bug</b> ben normalde alt+l+o ya bastığımda html dosyam chrome de açılıyordu.ama istemeden birkaç ayarla uğraştım bidaha sayfa açılmadı hep boş sayfa gosteriyor VS Code version: Code 1.96.2 (fabdb6a30b49f79a7aba0f2ad9df9b399473380f, 2024-12-19T10:22:47.216Z) OS version: Windows_NT x64 10.0.19045 Modes: <details> <summary>System Info</summary> |Item|Value| |---|---| |CPUs|Intel(R) Core(TM) i5-4590 CPU @ 3.30GHz (4 x 3292)| |GPU Status|2d_canvas: enabled<br>canvas_oop_rasterization: enabled_on<br>direct_rendering_display_compositor: disabled_off_ok<br>gpu_compositing: enabled<br>multiple_raster_threads: enabled_on<br>opengl: enabled_on<br>rasterization: enabled<br>raw_draw: disabled_off_ok<br>skia_graphite: disabled_off<br>video_decode: enabled<br>video_encode: enabled<br>vulkan: disabled_off<br>webgl: enabled<br>webgl2: enabled<br>webgpu: enabled<br>webnn: disabled_off| |Load (avg)|undefined| |Memory (System)|15.96GB (7.25GB free)| |Process Argv|--crash-reporter-id 1873f56a-c5e0-43e8-bf6c-2290d397f05e| |Screen Reader|no| |VM|0%| </details><details><summary>Extensions (6)</summary> Extension|Author (truncated)|Version ---|---|--- monica-code|Mon|1.2.0 vscode-language-pack-tr|MS-|1.96.2024121109 python|ms-|2024.22.1 remote-wsl|ms-|0.88.5 live-server-preview|neg|0.1.4 five-server|yan|0.3.2 </details><details> <summary>A/B Experiments</summary> ``` vsliv368:30146709 vspor879:30202332 vspor708:30202333 vspor363:30204092 vscod805cf:30301675 binariesv615:30325510 vsaa593cf:30376535 py29gd2263:31024239 c4g48928:30535728 azure-dev_surveyone:30548225 2i9eh265:30646982 962ge761:30959799 pythonnoceb:30805159 pythonmypyd1:30879173 2e7ec940:31000449 pythontbext0:30879054 cppperfnew:31000557 dsvsc020:30976470 pythonait:31006305 dsvsc021:30996838 dvdeprecation:31068756 dwnewjupyter:31046869 nativerepl2:31139839 pythonrstrctxt:31112756 nativeloc1:31192215 cf971741:31144450 iacca1:31171482 notype1:31157159 5fd0e150:31155592 dwcopilot:31170013 stablechunks:31184530 6074i472:31201624 ``` </details> <!-- generated by issue reporter -->
info-needed,*english-please,translation-required-turkish
low
Critical
2,762,240,713
rust
Impl has "stricter" requirement that is implied by existing requirement
<!-- 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 trait Foo { type Assoc; fn bar<'x>() where Self::Assoc: 'x; } impl<A: Foo> Foo for Option<A> { type Assoc = Option<A::Assoc>; fn bar<'x>() where Self::Assoc: 'x, { todo!() } } ``` I expect this to compile, but it gives the following error ``` error[E0276]: impl has stricter requirements than trait --> src/lib.rs:14:22 | 4 | / fn bar<'x>() 5 | | where 6 | | Self::Assoc: 'x; | |________________________- definition of `bar` from trait ... 14 | Self::Assoc: 'x, | ^^ impl has extra requirement `<A as Foo>::Assoc: 'x` ``` The extra requirement `<A as Foo>::Assoc: 'x` that it mentions is actually implied by the real requirement ` Self::Assoc: 'x`. I think rust should always accept trait impls that have the exact same bounds as the trait defintion, that is why I labeled this as a bug. ### 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.85.0-nightly (426d17342 2024-12-21) binary: rustc commit-hash: 426d1734238e3c5f52e935ba4f617f3a9f43b59d commit-date: 2024-12-21 host: x86_64-unknown-linux-gnu release: 1.85.0-nightly LLVM version: 19.1.6 ``` Same result on stable
A-trait-system,C-bug,S-has-mcve,T-types,A-implied-bounds
low
Critical
2,762,242,853
godot
SubViewport's descendant tool nodes do not receive input in editor
### Tested versions 4.0.stable 4.3.stable.mono 4.4.dev7 ### System information Godot v4.3.stable.mono - Arch Linux #1 SMP PREEMPT_DYNAMIC Fri, 27 Dec 2024 14:24:37 +0000 - Wayland - Vulkan (Forward+) - dedicated AMD Radeon RX 6600 (RADV NAVI23) - AMD Ryzen 7 9700X 8-Core Processor (16 Threads) ### Issue description Tool Nodes under a SubViewport do not receive input in the editor. Nodes which are not descendants receive input. When the scene is run then all nodes receive input. Expected behaviour: All tool nodes receive input in the editor. ### Steps to reproduce An MRP is included. It loads a scene as a plugin. When a node with an attached script receives key input it will print the node's name and the event received. 1. In the editor press a key 2. Note that SubViewport and ControlContainer print output 3. Clear the output 4. Open and run test.tscn 5. Press a key 6. Note that SubViewport, ControlContainer and ControlSub print output https://github.com/user-attachments/assets/dbf27f6b-dd85-4887-b4c8-97964f239c7f ### Minimal reproduction project (MRP) [input_test.zip](https://github.com/user-attachments/files/18269579/input_test.zip)
bug,topic:editor,topic:input,topic:gui
low
Minor
2,762,246,939
stable-diffusion-webui
[Bug]: LORAs installed does not show up at Lora tab
### Checklist - [ ] The issue exists after disabling all extensions - [ ] The issue exists on a clean installation of webui - [ ] The issue is caused by an extension, but I believe it is caused by a bug in the webui - [X] 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? LORAs installed does not show up at Lora tab ![Lora didnt show up](https://github.com/user-attachments/assets/86796bf9-3c27-4da5-bdbd-3cab74e02649) ### Steps to reproduce the problem I have installed some LORAs but not idea why it won't show up at Lora Tab. Please help. ### What should have happened? Under Lora tab should display all the Lora I have installed. ### What browsers do you use to access the UI ? Google Chrome ### Sysinfo [sysinfo-2024-12-29-13-11.json](https://github.com/user-attachments/files/18269696/sysinfo-2024-12-29-13-11.json) ### Console logs ```Shell venv "C:\Auto1111\stable-diffusion-webui\venv\Scripts\Python.exe" Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)] Version: v1.7.0 Commit hash: cf2772fab0af5573da775e7437e6acdca424f26e no module 'xformers'. Processing without... no module 'xformers'. Processing without... No module 'xformers'. Proceeding without it. Installing requirements for Face Editor is_installed check for tensorflow-cpu failed as 'spec is None' Installing requirements for easyphoto-webui Installing requirements for tensorflow CUDA 11.8 Launching Web UI with arguments: 2024-12-29 13:09:10.222780: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. 2024-12-29 13:09:10.947711: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. no module 'xformers'. Processing without... no module 'xformers'. Processing without... No module 'xformers'. Proceeding without it. *** Extension "sd-webui-replacer" requires "sd-webui-segment-anything" which is not installed. 2024-12-29 13:09:16,846 - modelscope - INFO - PyTorch version 2.0.1+cu118 Found. 2024-12-29 13:09:16,848 - modelscope - INFO - TensorFlow version 2.15.0 Found. 2024-12-29 13:09:16,848 - modelscope - INFO - Loading ast index from C:\Users\fion77\.cache\modelscope\ast_indexer 2024-12-29 13:09:16,948 - modelscope - INFO - Loading done! Current index file version is 1.9.3, with md5 01e332cc9936f5d9ebf43a61d251b61f and a total number of 943 components indexed ControlNet preprocessor location: C:\Auto1111\stable-diffusion-webui\extensions\sd-webui-controlnet\annotator\downloads 2024-12-29 13:09:18,551 - ControlNet - INFO - ControlNet v1.1.448 13:09:19 - ReActor - STATUS - Running v0.7.0-b7 on Device: CUDA *** Error loading script: replacer_main_ui.py Traceback (most recent call last): File "C:\Auto1111\stable-diffusion-webui\modules\scripts.py", line 469, in load_scripts script_module = script_loading.load_module(scriptfile.path) File "C:\Auto1111\stable-diffusion-webui\modules\script_loading.py", line 10, 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:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\scripts\replacer_main_ui.py", line 8, in <module> from replacer.ui import replacer_tab_ui File "C:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\replacer\ui\replacer_tab_ui.py", line 2, in <module> from modules import shared, ui_settings, errors, infotext_utils ImportError: cannot import name 'infotext_utils' from 'modules' (unknown location) --- *** Error loading script: replacer_script.py Traceback (most recent call last): File "C:\Auto1111\stable-diffusion-webui\modules\scripts.py", line 469, in load_scripts script_module = script_loading.load_module(scriptfile.path) File "C:\Auto1111\stable-diffusion-webui\modules\script_loading.py", line 10, 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:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\scripts\replacer_script.py", line 6, in <module> from replacer.ui import replacer_tab_ui File "C:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\replacer\ui\replacer_tab_ui.py", line 2, in <module> from modules import shared, ui_settings, errors, infotext_utils ImportError: cannot import name 'infotext_utils' from 'modules' (unknown location) --- Loading weights [678b70fd2d] from C:\Auto1111\stable-diffusion-webui\models\Stable-diffusion\sdxlYamersAnime_stageAnima.safetensors AnimateDiffScript init AnimateDiffScript init 2024-12-29 13:09:21,984 - ControlNet - INFO - ControlNet UI callback registered. [FACEFUSION.CORE] FFMpeg is not installed AnimateDiffScript init Creating model from config: C:\Auto1111\stable-diffusion-webui\repositories\generative-models\configs\inference\sd_xl_base.yaml Running on local URL: http://127.0.0.1:7860 To create a public link, set `share=True` in `launch()`. *** Error executing callback app_started_callback for C:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\scripts\replacer_api.py Traceback (most recent call last): File "C:\Auto1111\stable-diffusion-webui\modules\script_callbacks.py", line 139, in app_started_callback c.callback(demo, app) File "C:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\scripts\replacer_api.py", line 18, in replacer_api from scripts.sam import sam_model_list ModuleNotFoundError: No module named 'scripts.sam' --- Startup time: 42.9s (prepare environment: 23.5s, import torch: 4.1s, import gradio: 1.1s, setup paths: 3.4s, initialize shared: 0.3s, other imports: 0.7s, setup codeformer: 0.2s, load scripts: 7.1s, create ui: 1.6s, gradio launch: 0.7s). Applying attention optimization: Doggettx... done. Model loaded in 11.8s (load weights from disk: 1.5s, create model: 0.9s, apply weights to model: 7.8s, apply half(): 0.1s, move model to device: 0.4s, load textual inversion embeddings: 0.2s, calculate empty prompt: 0.8s). Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)] Version: v1.7.0 Commit hash: cf2772fab0af5573da775e7437e6acdca424f26e no module 'xformers'. Processing without... no module 'xformers'. Processing without... No module 'xformers'. Proceeding without it. Installing requirements for Face Editor is_installed check for tensorflow-cpu failed as 'spec is None' Installing requirements for easyphoto-webui Installing requirements for tensorflow CUDA 11.8 Launching Web UI with arguments: 2024-12-29 20:56:32.029570: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. 2024-12-29 20:56:32.754525: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. no module 'xformers'. Processing without... no module 'xformers'. Processing without... No module 'xformers'. Proceeding without it. *** Extension "sd-webui-replacer" requires "sd-webui-segment-anything" which is not installed. 2024-12-29 20:56:40,169 - modelscope - INFO - PyTorch version 2.0.1+cu118 Found. 2024-12-29 20:56:40,173 - modelscope - INFO - TensorFlow version 2.15.0 Found. 2024-12-29 20:56:40,174 - modelscope - INFO - Loading ast index from C:\Users\fion77\.cache\modelscope\ast_indexer 2024-12-29 20:56:40,322 - modelscope - INFO - Loading done! Current index file version is 1.9.3, with md5 01e332cc9936f5d9ebf43a61d251b61f and a total number of 943 components indexed ControlNet preprocessor location: C:\Auto1111\stable-diffusion-webui\extensions\sd-webui-controlnet\annotator\downloads 2024-12-29 20:56:43,388 - ControlNet - INFO - ControlNet v1.1.448 20:56:45 - ReActor - STATUS - Running v0.7.0-b7 on Device: CUDA *** Error loading script: replacer_main_ui.py Traceback (most recent call last): File "C:\Auto1111\stable-diffusion-webui\modules\scripts.py", line 469, in load_scripts script_module = script_loading.load_module(scriptfile.path) File "C:\Auto1111\stable-diffusion-webui\modules\script_loading.py", line 10, 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:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\scripts\replacer_main_ui.py", line 8, in <module> from replacer.ui import replacer_tab_ui File "C:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\replacer\ui\replacer_tab_ui.py", line 2, in <module> from modules import shared, ui_settings, errors, infotext_utils ImportError: cannot import name 'infotext_utils' from 'modules' (unknown location) --- *** Error loading script: replacer_script.py Traceback (most recent call last): File "C:\Auto1111\stable-diffusion-webui\modules\scripts.py", line 469, in load_scripts script_module = script_loading.load_module(scriptfile.path) File "C:\Auto1111\stable-diffusion-webui\modules\script_loading.py", line 10, 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:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\scripts\replacer_script.py", line 6, in <module> from replacer.ui import replacer_tab_ui File "C:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\replacer\ui\replacer_tab_ui.py", line 2, in <module> from modules import shared, ui_settings, errors, infotext_utils ImportError: cannot import name 'infotext_utils' from 'modules' (unknown location) --- Loading weights [678b70fd2d] from C:\Auto1111\stable-diffusion-webui\models\Stable-diffusion\sdxlYamersAnime_stageAnima.safetensors AnimateDiffScript init AnimateDiffScript init 2024-12-29 20:56:49,154 - ControlNet - INFO - ControlNet UI callback registered. [FACEFUSION.CORE] FFMpeg is not installed Creating model from config: C:\Auto1111\stable-diffusion-webui\repositories\generative-models\configs\inference\sd_xl_base.yaml AnimateDiffScript init Running on local URL: http://127.0.0.1:7860 To create a public link, set `share=True` in `launch()`. *** Error executing callback app_started_callback for C:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\scripts\replacer_api.py Traceback (most recent call last): File "C:\Auto1111\stable-diffusion-webui\modules\script_callbacks.py", line 139, in app_started_callback c.callback(demo, app) File "C:\Auto1111\stable-diffusion-webui\extensions\sd-webui-replacer\scripts\replacer_api.py", line 18, in replacer_api from scripts.sam import sam_model_list ModuleNotFoundError: No module named 'scripts.sam' --- Startup time: 61.0s (prepare environment: 36.6s, import torch: 4.1s, import gradio: 1.0s, setup paths: 3.2s, initialize shared: 0.3s, other imports: 1.6s, setup codeformer: 0.2s, load scripts: 11.6s, create ui: 2.0s, gradio launch: 0.6s). Applying attention optimization: Doggettx... done. activating extra network lora: TypeError Traceback (most recent call last): File "C:\Auto1111\stable-diffusion-webui\modules\extra_networks.py", line 145, in activate extra_network.activate(p, []) File "C:\Auto1111\stable-diffusion-webui\extensions-builtin\Lora\extra_networks_lora.py", line 18, in activate p.all_prompts = [x + f"<lora:{additional}:{shared.opts.extra_networks_default_multiplier}>" for x in p.all_prompts] TypeError: 'NoneType' object is not iterable Model loaded in 15.2s (load weights from disk: 1.6s, create model: 1.1s, apply weights to model: 11.1s, apply half(): 0.1s, move model to device: 0.4s, calculate empty prompt: 0.8s). ``` ### Additional information _No response_
asking-for-help-with-local-system-issues
low
Critical
2,762,248,307
vscode
Freeze and protect cell / skip execution
# Feature: Notebook Editor, Interactive Window, Python Editor cells <!----------------------------------------------------------------------------------------------- ***PLEASE READ*** If this issue doesn't relate to Jupyter Notebooks, Python Interactive Window features or other "cell"-based features of the Python extension, please use the main Python feature request template instead of this one. ***Thank you!*** -------------------------------------------------------------------------------------------------> ## Description The unofficial Jupyter notebook extension have a ["Freeze" extension](https://jupyter-contrib-nbextensions.readthedocs.io/en/latest/nbextensions/freeze/readme.html). I am wondering if the team can add this feature to the notebook extension. It has 3 modes: * Unlock: user can freely edit and execute the content of the cell * Read-only: user can execute but not edit the cell * Frozen: user can neither edit nor execute the cell Use cases: * Run the entire notebook from end to end, but want to skip some cells * Store some core functions / parameters at a cell, and make that cell read-only to avoid changes during model tuning # Note: Feature request in Jupyter Lab https://github.com/jupyterlab/jupyterlab/issues/4213 Extension for Jupyter lab https://github.com/DataDog/jupyterlab-freeze
help wanted,feature-request,notebook-serialization,notebook-execution
medium
Major
2,762,252,176
PowerToys
Allow certain pinned windows to stay pinned across multiple desktops.
### Description of the new feature / enhancement Some windows are pinned and specially selected. When switching between desktops (Ctrl + Win + Right/Left), these windows can follow the desktop you switch to and stay on top. ### Scenario when this would be used? Some apps can only open one window. If you try to reopen them on a different desktop from where they first appeared, you will be pulled back to the desktop where the app window is located. You need to either close the app or move it to the desktop you want to use. This might throw off the rhythm a bit. ### Supporting information I first discovered this feature in Snipaste (https://www.snipaste.com/index.html). It allows screenshots to be pinned across multiple desktops, but only for screenshots.
Needs-Triage
low
Minor
2,762,265,430
flutter
[camera_android_camerax]The torch doesn't turn on back after switching to rear camera even after a manual test set
### What package does this bug report belong to? camera ### What target platforms are you seeing this bug on? Android ### Have you already upgraded your packages? Yes ### Dependency versions <details><summary>pubspec.lock</summary> ```lock # Generated by pub # See https://dart.dev/tools/pub/glossary#lockfile packages: archive: dependency: transitive description: name: archive sha256: "6199c74e3db4fbfbd04f66d739e72fe11c8a8957d5f219f1f4482dbde6420b5a" url: "https://pub.dev" source: hosted version: "4.0.2" async: dependency: transitive description: name: async sha256: "947bfcf187f74dbc5e146c9eb9c0f10c9f8b30743e341481c1e2ed3ecc18c20c" url: "https://pub.dev" source: hosted version: "2.11.0" boolean_selector: dependency: transitive description: name: boolean_selector sha256: "6cfb5af12253eaf2b368f07bacc5a80d1301a071c73360d746b7f2e32d762c66" url: "https://pub.dev" source: hosted version: "2.1.1" camera: dependency: "direct main" description: name: camera sha256: "26ff41045772153f222ffffecba711a206f670f5834d40ebf5eed3811692f167" url: "https://pub.dev" source: hosted version: "0.11.0+2" camera_android_camerax: dependency: transitive description: name: camera_android_camerax sha256: abcfa1ac32bd03116b4cfda7e8223ab391f01966e65823c064afe388550d1b3d url: "https://pub.dev" source: hosted version: "0.6.10+3" camera_avfoundation: dependency: transitive description: name: camera_avfoundation sha256: "2e4c568f70e406ccb87376bc06b53d2f5bebaab71e2fbcc1a950e31449381bcf" url: "https://pub.dev" source: hosted version: "0.9.17+5" camera_platform_interface: dependency: transitive description: name: camera_platform_interface sha256: b3ede1f171532e0d83111fe0980b46d17f1aa9788a07a2fbed07366bbdbb9061 url: "https://pub.dev" source: hosted version: "2.8.0" camera_web: dependency: transitive description: name: camera_web sha256: "595f28c89d1fb62d77c73c633193755b781c6d2e0ebcd8dc25b763b514e6ba8f" url: "https://pub.dev" source: hosted version: "0.3.5" characters: dependency: transitive description: name: characters sha256: "04a925763edad70e8443c99234dc3328f442e811f1d8fd1a72f1c8ad0f69a605" url: "https://pub.dev" source: hosted version: "1.3.0" clock: dependency: transitive description: name: clock sha256: cb6d7f03e1de671e34607e909a7213e31d7752be4fb66a86d29fe1eb14bfb5cf url: "https://pub.dev" source: hosted version: "1.1.1" collection: dependency: transitive description: name: collection sha256: ee67cb0715911d28db6bf4af1026078bd6f0128b07a5f66fb2ed94ec6783c09a url: "https://pub.dev" source: hosted version: "1.18.0" cross_file: dependency: transitive description: name: cross_file sha256: "7caf6a750a0c04effbb52a676dce9a4a592e10ad35c34d6d2d0e4811160d5670" url: "https://pub.dev" source: hosted version: "0.3.4+2" crypto: dependency: transitive description: name: crypto sha256: "1e445881f28f22d6140f181e07737b22f1e099a5e1ff94b0af2f9e4a463f4855" url: "https://pub.dev" source: hosted version: "3.0.6" fake_async: dependency: transitive description: name: fake_async sha256: "511392330127add0b769b75a987850d136345d9227c6b94c96a04cf4a391bf78" url: "https://pub.dev" source: hosted version: "1.3.1" ffi: dependency: transitive description: name: ffi sha256: "16ed7b077ef01ad6170a3d0c57caa4a112a38d7a2ed5602e0aca9ca6f3d98da6" url: "https://pub.dev" source: hosted version: "2.1.3" flutter: dependency: "direct main" description: flutter source: sdk version: "0.0.0" flutter_lints: dependency: "direct dev" description: name: flutter_lints sha256: "3f41d009ba7172d5ff9be5f6e6e6abb4300e263aab8866d2a0842ed2a70f8f0c" url: "https://pub.dev" source: hosted version: "4.0.0" flutter_plugin_android_lifecycle: dependency: transitive description: name: flutter_plugin_android_lifecycle sha256: "615a505aef59b151b46bbeef55b36ce2b6ed299d160c51d84281946f0aa0ce0e" url: "https://pub.dev" source: hosted version: "2.0.24" flutter_test: dependency: "direct dev" description: flutter source: sdk version: "0.0.0" flutter_web_plugins: dependency: transitive description: flutter source: sdk version: "0.0.0" image: dependency: "direct main" description: name: image sha256: "8346ad4b5173924b5ddddab782fc7d8a6300178c8b1dc427775405a01701c4a6" url: "https://pub.dev" source: hosted version: "4.5.2" leak_tracker: dependency: transitive description: name: leak_tracker sha256: "3f87a60e8c63aecc975dda1ceedbc8f24de75f09e4856ea27daf8958f2f0ce05" url: "https://pub.dev" source: hosted version: "10.0.5" leak_tracker_flutter_testing: dependency: transitive description: name: leak_tracker_flutter_testing sha256: "932549fb305594d82d7183ecd9fa93463e9914e1b67cacc34bc40906594a1806" url: "https://pub.dev" source: hosted version: "3.0.5" leak_tracker_testing: dependency: transitive description: name: leak_tracker_testing sha256: "6ba465d5d76e67ddf503e1161d1f4a6bc42306f9d66ca1e8f079a47290fb06d3" url: "https://pub.dev" source: hosted version: "3.0.1" lints: dependency: transitive description: name: lints sha256: "976c774dd944a42e83e2467f4cc670daef7eed6295b10b36ae8c85bcbf828235" url: "https://pub.dev" source: hosted version: "4.0.0" matcher: dependency: transitive description: name: matcher sha256: d2323aa2060500f906aa31a895b4030b6da3ebdcc5619d14ce1aada65cd161cb url: "https://pub.dev" source: hosted version: "0.12.16+1" material_color_utilities: dependency: transitive description: name: material_color_utilities sha256: f7142bb1154231d7ea5f96bc7bde4bda2a0945d2806bb11670e30b850d56bdec url: "https://pub.dev" source: hosted version: "0.11.1" meta: dependency: transitive description: name: meta sha256: bdb68674043280c3428e9ec998512fb681678676b3c54e773629ffe74419f8c7 url: "https://pub.dev" source: hosted version: "1.15.0" path: dependency: transitive description: name: path sha256: "087ce49c3f0dc39180befefc60fdb4acd8f8620e5682fe2476afd0b3688bb4af" url: "https://pub.dev" source: hosted version: "1.9.0" petitparser: dependency: transitive description: name: petitparser sha256: c15605cd28af66339f8eb6fbe0e541bfe2d1b72d5825efc6598f3e0a31b9ad27 url: "https://pub.dev" source: hosted version: "6.0.2" plugin_platform_interface: dependency: transitive description: name: plugin_platform_interface sha256: "4820fbfdb9478b1ebae27888254d445073732dae3d6ea81f0b7e06d5dedc3f02" url: "https://pub.dev" source: hosted version: "2.1.8" posix: dependency: transitive description: name: posix sha256: a0117dc2167805aa9125b82eee515cc891819bac2f538c83646d355b16f58b9a url: "https://pub.dev" source: hosted version: "6.0.1" sky_engine: dependency: transitive description: flutter source: sdk version: "0.0.99" source_span: dependency: transitive description: name: source_span sha256: "53e943d4206a5e30df338fd4c6e7a077e02254531b138a15aec3bd143c1a8b3c" url: "https://pub.dev" source: hosted version: "1.10.0" stack_trace: dependency: transitive description: name: stack_trace sha256: "73713990125a6d93122541237550ee3352a2d84baad52d375a4cad2eb9b7ce0b" url: "https://pub.dev" source: hosted version: "1.11.1" stream_channel: dependency: transitive description: name: stream_channel sha256: ba2aa5d8cc609d96bbb2899c28934f9e1af5cddbd60a827822ea467161eb54e7 url: "https://pub.dev" source: hosted version: "2.1.2" stream_transform: dependency: transitive description: name: stream_transform sha256: ad47125e588cfd37a9a7f86c7d6356dde8dfe89d071d293f80ca9e9273a33871 url: "https://pub.dev" source: hosted version: "2.1.1" string_scanner: dependency: transitive description: name: string_scanner sha256: "556692adab6cfa87322a115640c11f13cb77b3f076ddcc5d6ae3c20242bedcde" url: "https://pub.dev" source: hosted version: "1.2.0" term_glyph: dependency: transitive description: name: term_glyph sha256: a29248a84fbb7c79282b40b8c72a1209db169a2e0542bce341da992fe1bc7e84 url: "https://pub.dev" source: hosted version: "1.2.1" test_api: dependency: transitive description: name: test_api sha256: "5b8a98dafc4d5c4c9c72d8b31ab2b23fc13422348d2997120294d3bac86b4ddb" url: "https://pub.dev" source: hosted version: "0.7.2" typed_data: dependency: transitive description: name: typed_data sha256: f9049c039ebfeb4cf7a7104a675823cd72dba8297f264b6637062516699fa006 url: "https://pub.dev" source: hosted version: "1.4.0" vector_math: dependency: transitive description: name: vector_math sha256: "80b3257d1492ce4d091729e3a67a60407d227c27241d6927be0130c98e741803" url: "https://pub.dev" source: hosted version: "2.1.4" vm_service: dependency: transitive description: name: vm_service sha256: f652077d0bdf60abe4c1f6377448e8655008eef28f128bc023f7b5e8dfeb48fc url: "https://pub.dev" source: hosted version: "14.2.4" web: dependency: transitive description: name: web sha256: cd3543bd5798f6ad290ea73d210f423502e71900302dde696f8bff84bf89a1cb url: "https://pub.dev" source: hosted version: "1.1.0" xml: dependency: transitive description: name: xml sha256: b015a8ad1c488f66851d762d3090a21c600e479dc75e68328c52774040cf9226 url: "https://pub.dev" source: hosted version: "6.5.0" sdks: dart: ">=3.5.0 <4.0.0" flutter: ">=3.24.0" ``` </details> ### Steps to reproduce 1. Select the rear camera 2. Turn on the torch 3. Switch to the front camera 4. Switch to the rear camera 5. Try to turn on the torch ### Expected results Step 3 turns off the torch because the front camera has no torch. After step 4, the torch turns on again. After step 5, we try to "manually" turn it on. ### Actual results Step 3 turns off the torch because the front camera has no torch, but the torch doesn't turn on after either step 4 or step 5. ### Code sample <details open><summary>Code sample</summary> The example is taken from https://pub.dev/packages/camera/example, except for the video_player-related features that are commented out. ```dart import 'dart:async'; import 'dart:io'; import 'package:camera/camera.dart'; import 'package:flutter/foundation.dart'; import 'package:flutter/material.dart'; import 'package:flutter/scheduler.dart'; //import 'package:video_player/video_player.dart'; /// Camera example home widget. class CameraExampleHome extends StatefulWidget { /// Default Constructor const CameraExampleHome({super.key}); @override State<CameraExampleHome> createState() { return _CameraExampleHomeState(); } } /// Returns a suitable camera icon for [direction]. IconData getCameraLensIcon(CameraLensDirection direction) { switch (direction) { case CameraLensDirection.back: return Icons.camera_rear; case CameraLensDirection.front: return Icons.camera_front; case CameraLensDirection.external: return Icons.camera; } // This enum is from a different package, so a new value could be added at // any time. The example should keep working if that happens. // ignore: dead_code return Icons.camera; } void _logError(String code, String? message) { // ignore: avoid_print print('Error: $code${message == null ? '' : '\nError Message: $message'}'); } class _CameraExampleHomeState extends State<CameraExampleHome> with WidgetsBindingObserver, TickerProviderStateMixin { CameraController? controller; XFile? imageFile; XFile? videoFile; //VideoPlayerController? videoController; VoidCallback? videoPlayerListener; bool enableAudio = true; double _minAvailableExposureOffset = 0.0; double _maxAvailableExposureOffset = 0.0; double _currentExposureOffset = 0.0; late AnimationController _flashModeControlRowAnimationController; late Animation<double> _flashModeControlRowAnimation; late AnimationController _exposureModeControlRowAnimationController; late Animation<double> _exposureModeControlRowAnimation; late AnimationController _focusModeControlRowAnimationController; late Animation<double> _focusModeControlRowAnimation; double _minAvailableZoom = 1.0; double _maxAvailableZoom = 1.0; double _currentScale = 1.0; double _baseScale = 1.0; // Counting pointers (number of user fingers on screen) int _pointers = 0; @override void initState() { super.initState(); WidgetsBinding.instance.addObserver(this); _flashModeControlRowAnimationController = AnimationController( duration: const Duration(milliseconds: 300), vsync: this, ); _flashModeControlRowAnimation = CurvedAnimation( parent: _flashModeControlRowAnimationController, curve: Curves.easeInCubic, ); _exposureModeControlRowAnimationController = AnimationController( duration: const Duration(milliseconds: 300), vsync: this, ); _exposureModeControlRowAnimation = CurvedAnimation( parent: _exposureModeControlRowAnimationController, curve: Curves.easeInCubic, ); _focusModeControlRowAnimationController = AnimationController( duration: const Duration(milliseconds: 300), vsync: this, ); _focusModeControlRowAnimation = CurvedAnimation( parent: _focusModeControlRowAnimationController, curve: Curves.easeInCubic, ); } @override void dispose() { WidgetsBinding.instance.removeObserver(this); _flashModeControlRowAnimationController.dispose(); _exposureModeControlRowAnimationController.dispose(); super.dispose(); } // #docregion AppLifecycle @override void didChangeAppLifecycleState(AppLifecycleState state) { final CameraController? cameraController = controller; // App state changed before we got the chance to initialize. if (cameraController == null || !cameraController.value.isInitialized) { return; } if (state == AppLifecycleState.inactive) { cameraController.dispose(); } else if (state == AppLifecycleState.resumed) { _initializeCameraController(cameraController.description); } } // #enddocregion AppLifecycle @override Widget build(BuildContext context) { return Scaffold( appBar: AppBar( title: const Text('Camera example'), ), body: Column( children: <Widget>[ Expanded( child: Container( decoration: BoxDecoration( color: Colors.black, border: Border.all( color: controller != null && controller!.value.isRecordingVideo ? Colors.redAccent : Colors.grey, width: 3.0, ), ), child: Padding( padding: const EdgeInsets.all(1.0), child: Center( child: _cameraPreviewWidget(), ), ), ), ), _captureControlRowWidget(), _modeControlRowWidget(), Padding( padding: const EdgeInsets.all(5.0), child: Row( children: <Widget>[ _cameraTogglesRowWidget(), //_thumbnailWidget(), ], ), ), ], ), ); } /// Display the preview from the camera (or a message if the preview is not available). Widget _cameraPreviewWidget() { final CameraController? cameraController = controller; if (cameraController == null || !cameraController.value.isInitialized) { return const Text( 'Tap a camera', style: TextStyle( color: Colors.white, fontSize: 24.0, fontWeight: FontWeight.w900, ), ); } else { return Listener( onPointerDown: (_) => _pointers++, onPointerUp: (_) => _pointers--, child: CameraPreview( controller!, child: LayoutBuilder( builder: (BuildContext context, BoxConstraints constraints) { return GestureDetector( behavior: HitTestBehavior.opaque, onScaleStart: _handleScaleStart, onScaleUpdate: _handleScaleUpdate, onTapDown: (TapDownDetails details) => onViewFinderTap(details, constraints), ); }), ), ); } } void _handleScaleStart(ScaleStartDetails details) { _baseScale = _currentScale; } Future<void> _handleScaleUpdate(ScaleUpdateDetails details) async { // When there are not exactly two fingers on screen don't scale if (controller == null || _pointers != 2) { return; } _currentScale = (_baseScale * details.scale) .clamp(_minAvailableZoom, _maxAvailableZoom); await controller!.setZoomLevel(_currentScale); } /// Display the thumbnail of the captured image or video. // Widget _thumbnailWidget() { // final VideoPlayerController? localVideoController = videoController; // return Expanded( // child: Align( // alignment: Alignment.centerRight, // child: Row( // mainAxisSize: MainAxisSize.min, // children: <Widget>[ // if (localVideoController == null && imageFile == null) // Container() // else // SizedBox( // width: 64.0, // height: 64.0, // child: (localVideoController == null) // ? ( // // The captured image on the web contains a network-accessible URL // // pointing to a location within the browser. It may be displayed // // either with Image.network or Image.memory after loading the image // // bytes to memory. // kIsWeb // ? Image.network(imageFile!.path) // : Image.file(File(imageFile!.path))) // : Container( // decoration: BoxDecoration( // border: Border.all(color: Colors.pink)), // child: Center( // child: AspectRatio( // aspectRatio: // localVideoController.value.aspectRatio, // child: VideoPlayer(localVideoController)), // ), // ), // ), // ], // ), // ), // ); // } /// Display a bar with buttons to change the flash and exposure modes Widget _modeControlRowWidget() { return Column( children: <Widget>[ Row( mainAxisAlignment: MainAxisAlignment.spaceEvenly, children: <Widget>[ IconButton( icon: const Icon(Icons.flash_on), color: Colors.blue, onPressed: controller != null ? onFlashModeButtonPressed : null, ), // The exposure and focus mode are currently not supported on the web. ...!kIsWeb ? <Widget>[ IconButton( icon: const Icon(Icons.exposure), color: Colors.blue, onPressed: controller != null ? onExposureModeButtonPressed : null, ), IconButton( icon: const Icon(Icons.filter_center_focus), color: Colors.blue, onPressed: controller != null ? onFocusModeButtonPressed : null, ) ] : <Widget>[], IconButton( icon: Icon(enableAudio ? Icons.volume_up : Icons.volume_mute), color: Colors.blue, onPressed: controller != null ? onAudioModeButtonPressed : null, ), IconButton( icon: Icon(controller?.value.isCaptureOrientationLocked ?? false ? Icons.screen_lock_rotation : Icons.screen_rotation), color: Colors.blue, onPressed: controller != null ? onCaptureOrientationLockButtonPressed : null, ), ], ), _flashModeControlRowWidget(), _exposureModeControlRowWidget(), _focusModeControlRowWidget(), ], ); } Widget _flashModeControlRowWidget() { return SizeTransition( sizeFactor: _flashModeControlRowAnimation, child: ClipRect( child: Row( mainAxisAlignment: MainAxisAlignment.spaceEvenly, children: <Widget>[ IconButton( icon: const Icon(Icons.flash_off), color: controller?.value.flashMode == FlashMode.off ? Colors.orange : Colors.blue, onPressed: controller != null ? () => onSetFlashModeButtonPressed(FlashMode.off) : null, ), IconButton( icon: const Icon(Icons.flash_auto), color: controller?.value.flashMode == FlashMode.auto ? Colors.orange : Colors.blue, onPressed: controller != null ? () => onSetFlashModeButtonPressed(FlashMode.auto) : null, ), IconButton( icon: const Icon(Icons.flash_on), color: controller?.value.flashMode == FlashMode.always ? Colors.orange : Colors.blue, onPressed: controller != null ? () => onSetFlashModeButtonPressed(FlashMode.always) : null, ), IconButton( icon: const Icon(Icons.highlight), color: controller?.value.flashMode == FlashMode.torch ? Colors.orange : Colors.blue, onPressed: controller != null ? () => onSetFlashModeButtonPressed(FlashMode.torch) : null, ), ], ), ), ); } Widget _exposureModeControlRowWidget() { final ButtonStyle styleAuto = TextButton.styleFrom( foregroundColor: controller?.value.exposureMode == ExposureMode.auto ? Colors.orange : Colors.blue, ); final ButtonStyle styleLocked = TextButton.styleFrom( foregroundColor: controller?.value.exposureMode == ExposureMode.locked ? Colors.orange : Colors.blue, ); return SizeTransition( sizeFactor: _exposureModeControlRowAnimation, child: ClipRect( child: ColoredBox( color: Colors.grey.shade50, child: Column( children: <Widget>[ const Center( child: Text('Exposure Mode'), ), Row( mainAxisAlignment: MainAxisAlignment.spaceEvenly, children: <Widget>[ TextButton( style: styleAuto, onPressed: controller != null ? () => onSetExposureModeButtonPressed(ExposureMode.auto) : null, onLongPress: () { if (controller != null) { controller!.setExposurePoint(null); showInSnackBar('Resetting exposure point'); } }, child: const Text('AUTO'), ), TextButton( style: styleLocked, onPressed: controller != null ? () => onSetExposureModeButtonPressed(ExposureMode.locked) : null, child: const Text('LOCKED'), ), TextButton( style: styleLocked, onPressed: controller != null ? () => controller!.setExposureOffset(0.0) : null, child: const Text('RESET OFFSET'), ), ], ), const Center( child: Text('Exposure Offset'), ), Row( mainAxisAlignment: MainAxisAlignment.spaceEvenly, children: <Widget>[ Text(_minAvailableExposureOffset.toString()), Slider( value: _currentExposureOffset, min: _minAvailableExposureOffset, max: _maxAvailableExposureOffset, label: _currentExposureOffset.toString(), onChanged: _minAvailableExposureOffset == _maxAvailableExposureOffset ? null : setExposureOffset, ), Text(_maxAvailableExposureOffset.toString()), ], ), ], ), ), ), ); } Widget _focusModeControlRowWidget() { final ButtonStyle styleAuto = TextButton.styleFrom( foregroundColor: controller?.value.focusMode == FocusMode.auto ? Colors.orange : Colors.blue, ); final ButtonStyle styleLocked = TextButton.styleFrom( foregroundColor: controller?.value.focusMode == FocusMode.locked ? Colors.orange : Colors.blue, ); return SizeTransition( sizeFactor: _focusModeControlRowAnimation, child: ClipRect( child: ColoredBox( color: Colors.grey.shade50, child: Column( children: <Widget>[ const Center( child: Text('Focus Mode'), ), Row( mainAxisAlignment: MainAxisAlignment.spaceEvenly, children: <Widget>[ TextButton( style: styleAuto, onPressed: controller != null ? () => onSetFocusModeButtonPressed(FocusMode.auto) : null, onLongPress: () { if (controller != null) { controller!.setFocusPoint(null); } showInSnackBar('Resetting focus point'); }, child: const Text('AUTO'), ), TextButton( style: styleLocked, onPressed: controller != null ? () => onSetFocusModeButtonPressed(FocusMode.locked) : null, child: const Text('LOCKED'), ), ], ), ], ), ), ), ); } /// Display the control bar with buttons to take pictures and record videos. Widget _captureControlRowWidget() { final CameraController? cameraController = controller; return Row( mainAxisAlignment: MainAxisAlignment.spaceEvenly, children: <Widget>[ IconButton( icon: const Icon(Icons.camera_alt), color: Colors.blue, onPressed: cameraController != null && cameraController.value.isInitialized && !cameraController.value.isRecordingVideo ? onTakePictureButtonPressed : null, ), IconButton( icon: const Icon(Icons.videocam), color: Colors.blue, onPressed: cameraController != null && cameraController.value.isInitialized && !cameraController.value.isRecordingVideo ? onVideoRecordButtonPressed : null, ), IconButton( icon: cameraController != null && cameraController.value.isRecordingPaused ? const Icon(Icons.play_arrow) : const Icon(Icons.pause), color: Colors.blue, onPressed: cameraController != null && cameraController.value.isInitialized && cameraController.value.isRecordingVideo ? (cameraController.value.isRecordingPaused) ? onResumeButtonPressed : onPauseButtonPressed : null, ), IconButton( icon: const Icon(Icons.stop), color: Colors.red, onPressed: cameraController != null && cameraController.value.isInitialized && cameraController.value.isRecordingVideo ? onStopButtonPressed : null, ), IconButton( icon: const Icon(Icons.pause_presentation), color: cameraController != null && cameraController.value.isPreviewPaused ? Colors.red : Colors.blue, onPressed: cameraController == null ? null : onPausePreviewButtonPressed, ), ], ); } /// Display a row of toggle to select the camera (or a message if no camera is available). Widget _cameraTogglesRowWidget() { final List<Widget> toggles = <Widget>[]; void onChanged(CameraDescription? description) { if (description == null) { return; } onNewCameraSelected(description); } if (_cameras.isEmpty) { SchedulerBinding.instance.addPostFrameCallback((_) async { showInSnackBar('No camera found.'); }); return const Text('None'); } else { for (final CameraDescription cameraDescription in _cameras) { toggles.add( SizedBox( width: 90.0, child: RadioListTile<CameraDescription>( title: Icon(getCameraLensIcon(cameraDescription.lensDirection)), groupValue: controller?.description, value: cameraDescription, onChanged: onChanged, ), ), ); } } return Row(children: toggles); } String timestamp() => DateTime.now().millisecondsSinceEpoch.toString(); void showInSnackBar(String message) { ScaffoldMessenger.of(context) .showSnackBar(SnackBar(content: Text(message))); } void onViewFinderTap(TapDownDetails details, BoxConstraints constraints) { if (controller == null) { return; } final CameraController cameraController = controller!; final Offset offset = Offset( details.localPosition.dx / constraints.maxWidth, details.localPosition.dy / constraints.maxHeight, ); cameraController.setExposurePoint(offset); cameraController.setFocusPoint(offset); } Future<void> onNewCameraSelected(CameraDescription cameraDescription) async { if (controller != null) { return controller!.setDescription(cameraDescription); } else { return _initializeCameraController(cameraDescription); } } Future<void> _initializeCameraController( CameraDescription cameraDescription) async { final CameraController cameraController = CameraController( cameraDescription, kIsWeb ? ResolutionPreset.max : ResolutionPreset.medium, enableAudio: enableAudio, imageFormatGroup: ImageFormatGroup.jpeg, ); controller = cameraController; // If the controller is updated then update the UI. cameraController.addListener(() { if (mounted) { setState(() {}); } if (cameraController.value.hasError) { showInSnackBar( 'Camera error ${cameraController.value.errorDescription}'); } }); try { await cameraController.initialize(); await Future.wait(<Future<Object?>>[ // The exposure mode is currently not supported on the web. ...!kIsWeb ? <Future<Object?>>[ cameraController.getMinExposureOffset().then( (double value) => _minAvailableExposureOffset = value), cameraController .getMaxExposureOffset() .then((double value) => _maxAvailableExposureOffset = value) ] : <Future<Object?>>[], cameraController .getMaxZoomLevel() .then((double value) => _maxAvailableZoom = value), cameraController .getMinZoomLevel() .then((double value) => _minAvailableZoom = value), ]); } on CameraException catch (e) { switch (e.code) { case 'CameraAccessDenied': showInSnackBar('You have denied camera access.'); case 'CameraAccessDeniedWithoutPrompt': // iOS only showInSnackBar('Please go to Settings app to enable camera access.'); case 'CameraAccessRestricted': // iOS only showInSnackBar('Camera access is restricted.'); case 'AudioAccessDenied': showInSnackBar('You have denied audio access.'); case 'AudioAccessDeniedWithoutPrompt': // iOS only showInSnackBar('Please go to Settings app to enable audio access.'); case 'AudioAccessRestricted': // iOS only showInSnackBar('Audio access is restricted.'); default: _showCameraException(e); break; } } if (mounted) { setState(() {}); } } void onTakePictureButtonPressed() { takePicture().then((XFile? file) { if (mounted) { setState(() { imageFile = file; //videoController?.dispose(); //videoController = null; }); if (file != null) { showInSnackBar('Picture saved to ${file.path}'); } } }); } void onFlashModeButtonPressed() { if (_flashModeControlRowAnimationController.value == 1) { _flashModeControlRowAnimationController.reverse(); } else { _flashModeControlRowAnimationController.forward(); _exposureModeControlRowAnimationController.reverse(); _focusModeControlRowAnimationController.reverse(); } } void onExposureModeButtonPressed() { if (_exposureModeControlRowAnimationController.value == 1) { _exposureModeControlRowAnimationController.reverse(); } else { _exposureModeControlRowAnimationController.forward(); _flashModeControlRowAnimationController.reverse(); _focusModeControlRowAnimationController.reverse(); } } void onFocusModeButtonPressed() { if (_focusModeControlRowAnimationController.value == 1) { _focusModeControlRowAnimationController.reverse(); } else { _focusModeControlRowAnimationController.forward(); _flashModeControlRowAnimationController.reverse(); _exposureModeControlRowAnimationController.reverse(); } } void onAudioModeButtonPressed() { enableAudio = !enableAudio; if (controller != null) { onNewCameraSelected(controller!.description); } } Future<void> onCaptureOrientationLockButtonPressed() async { try { if (controller != null) { final CameraController cameraController = controller!; if (cameraController.value.isCaptureOrientationLocked) { await cameraController.unlockCaptureOrientation(); showInSnackBar('Capture orientation unlocked'); } else { await cameraController.lockCaptureOrientation(); showInSnackBar( 'Capture orientation locked to ${cameraController.value.lockedCaptureOrientation.toString().split('.').last}'); } } } on CameraException catch (e) { _showCameraException(e); } } void onSetFlashModeButtonPressed(FlashMode mode) { setFlashMode(mode).then((_) { if (mounted) { setState(() {}); } showInSnackBar('Flash mode set to ${mode.toString().split('.').last}'); }); } void onSetExposureModeButtonPressed(ExposureMode mode) { setExposureMode(mode).then((_) { if (mounted) { setState(() {}); } showInSnackBar('Exposure mode set to ${mode.toString().split('.').last}'); }); } void onSetFocusModeButtonPressed(FocusMode mode) { setFocusMode(mode).then((_) { if (mounted) { setState(() {}); } showInSnackBar('Focus mode set to ${mode.toString().split('.').last}'); }); } void onVideoRecordButtonPressed() { startVideoRecording().then((_) { if (mounted) { setState(() {}); } }); } void onStopButtonPressed() { stopVideoRecording().then((XFile? file) { if (mounted) { setState(() {}); } if (file != null) { showInSnackBar('Video recorded to ${file.path}'); videoFile = file; //_startVideoPlayer(); } }); } Future<void> onPausePreviewButtonPressed() async { final CameraController? cameraController = controller; if (cameraController == null || !cameraController.value.isInitialized) { showInSnackBar('Error: select a camera first.'); return; } if (cameraController.value.isPreviewPaused) { await cameraController.resumePreview(); } else { await cameraController.pausePreview(); } if (mounted) { setState(() {}); } } void onPauseButtonPressed() { pauseVideoRecording().then((_) { if (mounted) { setState(() {}); } showInSnackBar('Video recording paused'); }); } void onResumeButtonPressed() { resumeVideoRecording().then((_) { if (mounted) { setState(() {}); } showInSnackBar('Video recording resumed'); }); } Future<void> startVideoRecording() async { final CameraController? cameraController = controller; if (cameraController == null || !cameraController.value.isInitialized) { showInSnackBar('Error: select a camera first.'); return; } if (cameraController.value.isRecordingVideo) { // A recording is already started, do nothing. return; } try { await cameraController.startVideoRecording(); } on CameraException catch (e) { _showCameraException(e); return; } } Future<XFile?> stopVideoRecording() async { final CameraController? cameraController = controller; if (cameraController == null || !cameraController.value.isRecordingVideo) { return null; } try { return cameraController.stopVideoRecording(); } on CameraException catch (e) { _showCameraException(e); return null; } } Future<void> pauseVideoRecording() async { final CameraController? cameraController = controller; if (cameraController == null || !cameraController.value.isRecordingVideo) { return; } try { await cameraController.pauseVideoRecording(); } on CameraException catch (e) { _showCameraException(e); rethrow; } } Future<void> resumeVideoRecording() async { final CameraController? cameraController = controller; if (cameraController == null || !cameraController.value.isRecordingVideo) { return; } try { await cameraController.resumeVideoRecording(); } on CameraException catch (e) { _showCameraException(e); rethrow; } } Future<void> setFlashMode(FlashMode mode) async { if (controller == null) { return; } try { await controller!.setFlashMode(mode); } on CameraException catch (e) { _showCameraException(e); rethrow; } } Future<void> setExposureMode(ExposureMode mode) async { if (controller == null) { return; } try { await controller!.setExposureMode(mode); } on CameraException catch (e) { _showCameraException(e); rethrow; } } Future<void> setExposureOffset(double offset) async { if (controller == null) { return; } setState(() { _currentExposureOffset = offset; }); try { offset = await controller!.setExposureOffset(offset); } on CameraException catch (e) { _showCameraException(e); rethrow; } } Future<void> setFocusMode(FocusMode mode) async { if (controller == null) { return; } try { await controller!.setFocusMode(mode); } on CameraException catch (e) { _showCameraException(e); rethrow; } } // Future<void> _startVideoPlayer() async { // if (videoFile == null) { // return; // } // final VideoPlayerController vController = kIsWeb // ? VideoPlayerController.networkUrl(Uri.parse(videoFile!.path)) // : VideoPlayerController.file(File(videoFile!.path)); // videoPlayerListener = () { // if (videoController != null) { // // Refreshing the state to update video player with the correct ratio. // if (mounted) { // setState(() {}); // } // videoController!.removeListener(videoPlayerListener!); // } // }; // vController.addListener(videoPlayerListener!); // await vController.setLooping(true); // await vController.initialize(); // await videoController?.dispose(); // if (mounted) { // setState(() { // imageFile = null; // videoController = vController; // }); // } // await vController.play(); // } Future<XFile?> takePicture() async { final CameraController? cameraController = controller; if (cameraController == null || !cameraController.value.isInitialized) { showInSnackBar('Error: select a camera first.'); return null; } if (cameraController.value.isTakingPicture) { // A capture is already pending, do nothing. return null; } try { final XFile file = await cameraController.takePicture(); return file; } on CameraException catch (e) { _showCameraException(e); return null; } } void _showCameraException(CameraException e) { _logError(e.code, e.description); showInSnackBar('Error: ${e.code}\n${e.description}'); } } /// CameraApp is the Main Application. class CameraApp extends StatelessWidget { /// Default Constructor const CameraApp({super.key}); @override Widget build(BuildContext context) { return const MaterialApp( home: CameraExampleHome(), ); } } List<CameraDescription> _cameras = <CameraDescription>[]; Future<void> main() async { // Fetch the available cameras before initializing the app. try { WidgetsFlutterBinding.ensureInitialized(); _cameras = await availableCameras(); } on CameraException catch (e) { _logError(e.code, e.description); } runApp(const CameraApp()); } ``` </details> ### Screenshots or Videos _No response_ ### Logs <details open><summary>Logs</summary> https://pastebin.com/dH9JpDC8 </details> ### Flutter Doctor output <details open><summary>Doctor output</summary> ```console [✓] Flutter (Channel stable, 3.24.0, on Ubuntu 24.04.1 LTS 6.8.0-51-generic, locale en_US.UTF-8) • Flutter version 3.24.0 on channel stable at /home/enery/snap/flutter/common/flutter • Upstream repository https://github.com/flutter/flutter.git • Framework revision 80c2e84975 (5 months ago), 2024-07-30 23:06:49 +0700 • Engine revision b8800d88be • Dart version 3.5.0 • DevTools version 2.37.2 [✓] Android toolchain - develop for Android devices (Android SDK version 34.0.0) • Android SDK at /home/enery/Android/Sdk • Platform android-34, build-tools 34.0.0 • Java binary at: /snap/android-studio/157/jbr/bin/java • Java version OpenJDK Runtime Environment (build 17.0.10+0-17.0.10b1087.21-11572160) • All Android licenses accepted. [✓] Chrome - develop for the web • Chrome at google-chrome [✓] Linux toolchain - develop for Linux desktop • clang version 10.0.0-4ubuntu1 • cmake version 3.16.3 • ninja version 1.10.0 • pkg-config version 0.29.1 [✓] Android Studio (version 2023.3) • Android Studio at /snap/android-studio/157 • Flutter plugin version 80.0.1 • Dart plugin can be installed from: 🔨 https://plugins.jetbrains.com/plugin/6351-dart • Java version OpenJDK Runtime Environment (build 17.0.10+0-17.0.10b1087.21-11572160) [✓] VS Code (version 1.96.2) • VS Code at /snap/code/current/usr/share/code • Flutter extension version 3.102.0 [✓] Connected device (3 available) • Mi A2 Lite (mobile) • 07fa33550705 • android-arm64 • Android 10 (API 29) • Linux (desktop) • linux • linux-x64 • Ubuntu 24.04.1 LTS 6.8.0-51-generic • Chrome (web) • chrome • web-javascript • Google Chrome 131.0.6778.85 [✓] Network resources • All expected network resources are available. • No issues found! ``` </details>
platform-android,p: camera,package,has reproducible steps,P2,team-android,triaged-android,found in release: 3.27,found in release: 3.28
low
Critical
2,762,274,047
transformers
[Feature Request] Add beam search text streaming visualization feature
### Feature request ### Feature request Remove the limitation that prevents using streamers with beam search. Currently, there's an error in the generation code: ```python if streamer is not None and (generation_config.num_beams > 1): raise ValueError( "`streamer` cannot be used with beam search (yet!). Make sure that `num_beams` is set to 1." ) ### Motivation ### Motivation When working with beam search generation, it's often difficult to understand why the model makes certain choices or how the beams evolve during generation. While debugging some beam search behavior, I discovered the `MultiBeamTextStreamer` class, but it took me some time to find it as it wasn't prominently featured in the documentation. From an educational perspective, this tool is extremely valuable. Being able to visualize multiple beams in real-time provides an excellent way to teach and understand how beam search actually works. Students and educators could see the algorithm's decision-making process step by step, making abstract concepts concrete and interactive. Making this feature more visible and providing better examples would help users who need to: - Learn/teach beam search concepts interactively - Debug beam search issues - Understand model decision-making - Create interactive demos This improvement would make beam search less of a "black box" and provide a powerful educational tool for the NLP community. ### Your contribution ### Your contribution I have implemented the MultiBeamTextStreamer class with tests and documentation. I plan to submit a PR for review after final cleanup. Would love early feedback on this approach. Example of usage: https://huggingface.co/spaces/mosheofer1/multi_beam_text_streamer
Feature request
low
Critical
2,762,279,410
rust
`std::fs::File::create` return a wrong error on Windows when the path points to a directory
`std::fs::File::create` return a wrong error on Windows. I tried this code: ```rust fn main() { // <path> points to an existing directory std::fs::File::create("<path>").unwrap(); } ``` I expected the `ErrorKind` is `IsADirectory`. Instead, the `ErrorKind` is `PermissionDenied`. ### Meta `rustc --version --verbose`: ``` rustc 1.83.0 (90b35a623 2024-11-26) binary: rustc commit-hash: 90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf commit-date: 2024-11-26 host: x86_64-pc-windows-msvc release: 1.83.0 LLVM version: 19.1.1 ``` <details><summary>Backtrace</summary> <p> ``` thread 'main' panicked at src/main.rs:2:34: called `Result::unwrap()` on an `Err` value: Os { code: 5, kind: PermissionDenied, message: "Access is denied." } stack backtrace: 0: 0x7ff6b4e16e01 - std::backtrace_rs::backtrace::dbghelp64::trace at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\..\..\backtrace\src\backtrace\dbghelp64.rs:91 1: 0x7ff6b4e16e01 - std::backtrace_rs::backtrace::trace_unsynchronized at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\..\..\backtrace\src\backtrace\mod.rs:66 2: 0x7ff6b4e16e01 - std::sys::backtrace::_print_fmt at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\sys\backtrace.rs:66 3: 0x7ff6b4e16e01 - std::sys::backtrace::impl$0::print::impl$0::fmt at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\sys\backtrace.rs:39 4: 0x7ff6b4e244ca - core::fmt::rt::Argument::fmt at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/core\src\fmt\rt.rs:177 5: 0x7ff6b4e244ca - core::fmt::write at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/core\src\fmt\mod.rs:1186 6: 0x7ff6b4e152f7 - std::io::Write::write_fmt<std::sys::pal::windows::stdio::Stderr> at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\io\mod.rs:1839 7: 0x7ff6b4e16c45 - std::sys::backtrace::BacktraceLock::print at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\sys\backtrace.rs:42 8: 0x7ff6b4e181d7 - std::panicking::default_hook::closure$1 at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\panicking.rs:268 9: 0x7ff6b4e17fb7 - std::panicking::default_hook at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\panicking.rs:295 10: 0x7ff6b4e18863 - std::panicking::rust_panic_with_hook at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\panicking.rs:801 11: 0x7ff6b4e186e9 - std::panicking::begin_panic_handler::closure$0 at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\panicking.rs:674 12: 0x7ff6b4e1754f - std::sys::backtrace::__rust_end_short_backtrace<std::panicking::begin_panic_handler::closure_env$0,never$> at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\sys\backtrace.rs:170 13: 0x7ff6b4e182ee - std::panicking::begin_panic_handler at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\panicking.rs:665 14: 0x7ff6b4e29861 - core::panicking::panic_fmt at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/core\src\panicking.rs:74 15: 0x7ff6b4e29bb0 - core::result::unwrap_failed at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/core\src\result.rs:1700 16: 0x7ff6b4e11fa4 - enum2$<core::result::Result<std::fs::File,std::io::error::Error> >::unwrap at C:\Users\1plus\.rustup\toolchains\stable-x86_64-pc-windows-msvc\lib\rustlib\src\rust\library\core\src\result.rs:1104 17: 0x7ff6b4e11fa4 - test_file_create::main at C:\Users\1plus\Desktop\test-file-create\src\main.rs:2 18: 0x7ff6b4e110bb - core::ops::function::FnOnce::call_once<void (*)(),tuple$<> > at C:\Users\1plus\.rustup\toolchains\stable-x86_64-pc-windows-msvc\lib\rustlib\src\rust\library\core\src\ops\function.rs:250 19: 0x7ff6b4e1151e - core::hint::black_box at C:\Users\1plus\.rustup\toolchains\stable-x86_64-pc-windows-msvc\lib\rustlib\src\rust\library\core\src\hint.rs:389 20: 0x7ff6b4e1151e - std::sys::backtrace::__rust_begin_short_backtrace<void (*)(),tuple$<> > at C:\Users\1plus\.rustup\toolchains\stable-x86_64-pc-windows-msvc\lib\rustlib\src\rust\library\std\src\sys\backtrace.rs:154 21: 0x7ff6b4e11591 - std::rt::lang_start::closure$0<tuple$<> > at C:\Users\1plus\.rustup\toolchains\stable-x86_64-pc-windows-msvc\lib\rustlib\src\rust\library\std\src\rt.rs:195 22: 0x7ff6b4e13cec - std::rt::lang_start_internal::closure$1 at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\rt.rs:174 23: 0x7ff6b4e13cec - std::panicking::try::do_call at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\panicking.rs:557 24: 0x7ff6b4e13cec - std::panicking::try at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\panicking.rs:520 25: 0x7ff6b4e13cec - std::panic::catch_unwind at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\panic.rs:358 26: 0x7ff6b4e13cec - std::rt::lang_start_internal at /rustc/90b35a6239c3d8bdabc530a6a0816f7ff89a0aaf\library/std\src\rt.rs:174 27: 0x7ff6b4e1156a - std::rt::lang_start<tuple$<> > at C:\Users\1plus\.rustup\toolchains\stable-x86_64-pc-windows-msvc\lib\rustlib\src\rust\library\std\src\rt.rs:194 28: 0x7ff6b4e12009 - main 29: 0x7ff6b4e28090 - invoke_main at D:\a\_work\1\s\src\vctools\crt\vcstartup\src\startup\exe_common.inl:78 30: 0x7ff6b4e28090 - __scrt_common_main_seh at D:\a\_work\1\s\src\vctools\crt\vcstartup\src\startup\exe_common.inl:288 31: 0x7fff86cfe8d7 - BaseThreadInitThunk 32: 0x7fff888bfbcc - RtlUserThreadStart error: process didn't exit successfully: `target\debug\test-file-create.exe` (exit code: 101) ``` </p> </details>
O-windows,T-libs,A-io,C-discussion,A-filesystem
low
Critical
2,762,279,573
flutter
Swipe back gesture not smooth when pushing CupertinoPageRoute over a PageRouterBuilder
### Steps to reproduce When I open a CupertinoPageRoute from a custom page route, the manual swipe gesture for navigating back doesn’t work properly. I created a minimal reproduction that demonstrates the behavior when opening a CupertinoPageRoute from another CupertinoPageRoute and what happens when opening it from a custom route. I've attached a video. from 00:00 - 00:25 you can see the expected behavior, after that I show the bug. ### Expected results The swipe back animation should be as smooth as the Cupertino->Cupertino case. ### Actual results Custom page route -> Cupertino not smooth ### Code sample <details open><summary>Code sample</summary> ```dart import 'package:flutter/cupertino.dart'; import 'package:flutter/material.dart'; void main() { runApp(const MyApp()); } class MyApp extends StatelessWidget { const MyApp({super.key}); @override Widget build(BuildContext context) { return MaterialApp( title: 'Flutter Demo', theme: ThemeData( colorScheme: ColorScheme.fromSeed(seedColor: Colors.deepPurple), useMaterial3: true, ), home: const MyHomePage(title: 'Flutter Demo Home Page'), ); } } class MyHomePage extends StatefulWidget { const MyHomePage({super.key, required this.title}); final String title; @override State<MyHomePage> createState() => _MyHomePageState(); } class _MyHomePageState extends State<MyHomePage> { void bugReproduction() { Navigator.of(context).push( PageRouteBuilder( pageBuilder: (context, animation, secondaryAnimation) { return Scaffold( appBar: AppBar( title: const Text('Custom Route Page'), ), body: Center( child: ElevatedButton( onPressed: () { Navigator.of(context).push( CupertinoPageRoute( builder: (context) => const Scaffold( body: Center( child: Text('Cupertino Route Page'), ), ), ), ); }, child: const Text('Push Cupertino Route'), ), ), ); }, transitionsBuilder: (context, animation, secondaryAnimation, child) { return FadeTransition( opacity: animation, child: child, ); }, ), ); } void okReproduction() { Navigator.of(context).push( CupertinoPageRoute( builder: ( context, ) { return Scaffold( appBar: AppBar( title: const Text('Custom Route Page'), ), body: Center( child: ElevatedButton( onPressed: () { Navigator.of(context).push( CupertinoPageRoute( builder: (context) => const Scaffold( body: Center( child: Text('Cupertino Route Page'), ), ), ), ); }, child: const Text('Push Cupertino Route'), ), ), ); }, ), ); } @override Widget build(BuildContext context) { return Scaffold( appBar: AppBar( backgroundColor: Theme.of(context).colorScheme.inversePrimary, title: Text(widget.title), ), body: Center( child: Column(mainAxisAlignment: MainAxisAlignment.center, children: [ ElevatedButton( child: const Text("Custom route -> Cupertino route"), onPressed: () { bugReproduction(); }, ), ElevatedButton( child: const Text("Cupertino route -> Cupertino route"), onPressed: () { okReproduction(); }, ), ])), floatingActionButton: FloatingActionButton( onPressed: bugReproduction, tooltip: 'Increment', child: const Icon(Icons.add), ), // This trailing comma makes auto-formatting nicer for build methods. ); } } ``` </details> ### Screenshots or Video <details open> <summary>Screenshots / Video demonstration</summary> https://github.com/user-attachments/assets/467c95e1-659b-4c29-abab-b8ae0657c931 </details> ### Logs <details open><summary>Logs</summary> ```console [Paste your logs here] ``` </details> ### Flutter Doctor output <details open><summary>Doctor output</summary> ```console Flutter 3.27.1 • channel stable • https://github.com/flutter/flutter.git Framework • revision 17025dd882 (13 days ago) • 2024-12-17 03:23:09 +0900 Engine • revision cb4b5fff73 Tools • Dart 3.6.0 • DevTools 2.40.2 ``` </details>
framework,f: cupertino,f: routes,a: quality,f: gestures,has reproducible steps,P2,team-framework,triaged-framework,found in release: 3.27,found in release: 3.28
low
Critical
2,762,279,854
tensorflow
No GPU support for tf.image.resize(method='bicubic')
### Issue type Feature Request ### Have you reproduced the bug with TensorFlow Nightly? Yes ### Source source ### TensorFlow version 2.17.1 ### Custom code Yes ### OS platform and distribution _No response_ ### Mobile device _No response_ ### Python version _No response_ ### Bazel version _No response_ ### GCC/compiler version _No response_ ### CUDA/cuDNN version _No response_ ### GPU model and memory _No response_ ### Current behavior? tf.image.resize() does not support GPU execution with 'bicubic' interpolation method. *I can help add this feature* ### Standalone code to reproduce the issue ```shell print(tf.config.list_physical_devices()) tf.debugging.set_log_device_placement(True) # runs on GPU img = tf.ones([4,100,100,1]) img_resized = tf.image.resize(img, [50,50]) # runs on CPU (no GPU implementation available!) img2 = tf.ones([4,100,100,1]) img2_resized = tf.image.resize(img2, [50,50], method='bicubic') ``` ### Relevant log output _No response_
type:support,comp:gpu,2.17
medium
Critical
2,762,286,824
PowerToys
Unable to debug for OpenAl request failed with status code: 400 in Advanced Paste
### Microsoft PowerToys version 0.87.1 ### Installation method PowerToys auto-update ### Running as admin No ### Area(s) with issue? Advanced Paste ### Steps to reproduce 1. Open https://mp.weixin.qq.com/s/8qK4vOul97zt6Chv0Xt5RQ 2. Ctrl+A: Select All 3. Ctrl+C: Copy 4. Win+Shift+V: Advanced Paste 5. Enter `summary the text into 100 words` Then you will see this error: ![Image](https://github.com/user-attachments/assets/d9509ab2-f634-417b-9265-56336127165e) Is there any log I can see to debug this? ### ✔️ Expected Behavior The text only 4,759 tokens. It should work on OpenAI API. ### ❌ Actual Behavior ![Image](https://github.com/user-attachments/assets/d9509ab2-f634-417b-9265-56336127165e) ### Other Software _No response_
Issue-Bug,Needs-Triage
low
Critical
2,762,304,713
vscode
After frequently switching between Chinese and English inputs, the cursor is embedded in the editor
<!-- Failed to upload "IME.mp4" --> Type: <b>Bug</b> 频繁切换中文和英文输入法,输入英文时光标会出现随机陷入编辑器的情况。出现这种情况需要重启VSCode或者再次频繁切换输入法才能够解决。 好像是我的win11升级成24H2后出现的这个问题,VSCode 1.95版本就有这个bug了,1.96也存在这个bug。 @rebornix VS Code version: Code 1.96.2 (fabdb6a30b49f79a7aba0f2ad9df9b399473380f, 2024-12-19T10:22:47.216Z) OS version: Windows_NT x64 10.0.26100 Modes: <details> <summary>System Info</summary> |Item|Value| |---|---| |CPUs|13th Gen Intel(R) Core(TM) i7-13700F (24 x 2112)| |GPU Status|2d_canvas: enabled<br>canvas_oop_rasterization: enabled_on<br>direct_rendering_display_compositor: disabled_off_ok<br>gpu_compositing: enabled<br>multiple_raster_threads: enabled_on<br>opengl: enabled_on<br>rasterization: enabled<br>raw_draw: disabled_off_ok<br>skia_graphite: disabled_off<br>video_decode: enabled<br>video_encode: enabled<br>vulkan: disabled_off<br>webgl: enabled<br>webgl2: enabled<br>webgpu: enabled<br>webnn: disabled_off| |Load (avg)|undefined| |Memory (System)|31.73GB (18.05GB free)| |Process Argv|--folder-uri file:///d%3A/repos/171h/ext-engineer --crash-reporter-id 08281010-0c0a-4362-93c1-bf45f57b269b| |Screen Reader|no| |VM|57%| </details><details><summary>Extensions (34)</summary> Extension|Author (truncated)|Version ---|---|--- ext-core|171|0.0.0 ribbonbar-test|171|0.0.0 unit-convert|171|0.0.0 Bookmarks|ale|13.5.0 tongyi-lingma|Ali|2.0.1 iconify|ant|0.10.2 unocss|ant|0.65.3 where-am-i|ant|0.2.0 markdown-mermaid|bie|1.27.0 githistory|don|0.6.20 gitlens|eam|16.1.1 vscode-html-css|ecm|2.0.11 EditorConfig|Edi|0.16.4 vscode-open-in-github|fab|2.3.0 file-icons|fil|1.1.0 dependi|fil|0.7.13 vscode-pull-request-github|Git|0.102.0 svg|joc|1.5.4 ts-debug|kak|0.0.6 git-lfs-file-locking|kin|0.0.3 vscode-language-pack-ja|MS-|1.96.2024121109 vscode-language-pack-zh-hans|MS-|1.96.2024121109 remote-wsl|ms-|0.88.5 extension-test-runner|ms-|0.0.12 vscode-diagnostic-tools|ms-|1.2.0 vscode-github-issue-notebooks|ms-|0.0.130 LiveServer|rit|5.7.9 markdown-preview-enhanced|shd|0.8.15 vscode-counter|uct|3.6.1 errorlens|use|3.22.0 vscode-lldb|vad|1.11.1 vscode-icons|vsc|12.10.0 volar|Vue|2.2.0 markdown-all-in-one|yzh|3.6.2 (1 theme extensions excluded) </details><details> <summary>A/B Experiments</summary> ``` vsliv368cf:30146710 vspor879:30202332 vspor708:30202333 vspor363:30204092 vscod805:30301674 binariesv615:30325510 vsaa593:30376534 py29gd2263:31024239 vscaac:30438847 c4g48928:30535728 azure-dev_surveyone:30548225 962ge761:30959799 pythonnoceb:30805159 pythonmypyd1:30879173 h48ei257:31000450 pythontbext0:30879054 cppperfnew:31000557 dsvsc020:30976470 pythonait:31006305 dsvsc021:30996838 dvdeprecation:31068756 dwnewjupyter:31046869 newcmakeconfigv2:31071590 nativerepl2:31139839 pythonrstrctxt:31112756 nativeloc1:31192215 cf971741:31144450 iacca1:31171482 notype1:31157159 5fd0e150:31155592 dwcopilot:31170013 stablechunks:31184530 6074i472:31201624 ``` </details> <!-- generated by issue reporter --> https://github.com/user-attachments/assets/c180e1fe-3788-4352-91ed-0ac19fec8641
info-needed,*english-please,translation-required-chinese-simplified
low
Critical
2,762,307,738
godot
Image thumbnail is darker than the original file
### Tested versions - Reproducible in all 4.x versions, also tested in 3.6. ### System information Godot v4.4.dev (75ce4266c) - Windows 10 (build 19045) - Multi-window, 2 monitors - Vulkan (Forward+) - dedicated AMD Radeon RX 580 2048SP (Advanced Micro Devices, Inc.; 31.0.21921.1000) - AMD Ryzen 5 3600 6-Core Processor (12 threads) ### Issue description As can be seen in the image bottom, Godot generates a thumbnail much more darker than the original file, only the thumbnails seems to be affected. I didn't noticed this behavior in other .webp files. ![Image](https://github.com/user-attachments/assets/bd86bdfa-9c79-45f9-a9bd-2b7b2e6ae01e) ### Steps to reproduce Open the mrp or download the image and import in your project. ### Minimal reproduction project (MRP) [test_thumbnail.zip](https://github.com/user-attachments/files/18270131/test_thumbnail.zip) [image.zip](https://github.com/user-attachments/files/18270132/image.zip)
discussion,topic:editor
low
Minor
2,762,318,016
PowerToys
Mouse utilities: Dynamically change Mouse Speed, e.g. while pressing a Hotkey
### Description of the new feature / enhancement Hello Sometimes, one must select very precise a single pixel, therefore, it would be very useful, if one could change the mouse speed by a hotkey. Thanks a lot, kind regards, Thomas ### Scenario when this would be used? - For creating Screenshots - For measuring screen distances ### Supporting information _No response_
Needs-Triage
low
Minor
2,762,328,151
PowerToys
[Registry Preview] Add context menu to key tree and value
### Description of the new feature / enhancement Add context menu to key tree and value list for copy the data. ### Scenario when this would be used? Easily copy Information and especially the decoded value data. ### Supporting information _No response_
Idea-Enhancement,Resolution-Fix Committed,Area-User Interface,Product-Registry Preview
low
Minor
2,762,330,447
neovim
Combined injections not entirely highlighted
### Problem The treesitter highlighter fails to consider all text of a combined injection, even when it is visible on screen. Sometimes it will draw it correctly but the highlights go back to being incorrect on the next redraw(?) ### Steps to reproduce minimal.lua: ```lua vim.treesitter.query.set( 'lua', 'injections', [[((comment_content) @injection.content (#set! injection.self) (#set! injection.combined))]] ) vim.api.nvim_buf_set_lines(0, 0, -1, false, { '-- print([[some', '-- text', '-- here]])', }) vim.bo.ft = 'lua' ``` ```sh nvim --clean -u minimal.lua ``` Observe: ![Image](https://github.com/user-attachments/assets/d3de9396-f1c5-424b-9cd4-8ad22da6b023) Weird redrawing: https://github.com/user-attachments/assets/8e845f91-29fe-46ae-a3bd-617e2d8387cd ### Expected behavior In the above example, `here]]` should also have a string highlight, and the final closing parenthesis should have a bracket highlight. Instead they are not parsed as injections. ### Nvim version (nvim -v) NVIM v0.11.0-dev-1422+g35247b00a4-dirty Build type: Debug LuaJIT 2.1.1734355927 ### Vim (not Nvim) behaves the same? NA ### Operating system/version Linux 6.12.5 @ NixOS ### Terminal name/version kitty 0.37.0 ### $TERM environment variable xterm-kitty ### Installation Build from source
bug,highlight,treesitter
low
Critical
2,762,338,087
TypeScript
Mixins Overrides Drop Documentation
### 🔎 Search Terms mixins overrides, documentation dropped ### 🕗 Version & Regression Information - This is the behavior in every version I tried, and I reviewed the FAQ for entries about documentation, mixins, etc. ### ⏯ Playground Link https://www.typescriptlang.org/play/?ts=5.7.2#code/CYUwxgNghgTiAEkoGdnwEIpAYWq+A3gFDynwD0AVJfMgPYC2CwdYArkwHYAuU3AlnU7xK5EmWS8BYeE24ALOsAAUASgBc8ThwBGIGAG4iAXyJFuATwAOCAIKcL2IZJhsw3OjHgBeeFB0uUO5aIADu8MoAdNGwAObImlAOANoAuqo+AHzwdDoAVuDcZgBmbJzugsIAsvwAHgA8ACrwILXcIJzAaPaOztyu7p6ZypjIOHgJ8I0ZxKT+gcFI+DW1-Jy4KGit7Z1oo+ObhOKkYH0DHjBRMTDxiSnpR2QSbDaX0ZFxyKpGT6akpuI4Nw2DBqnU1htUEYAeRyPAAPJeBieBDIfgMKwQCzwCx0NiIJLwUIwfjtdREWGICbwFYQ6kEUyU0BIODwUrlARCGl1JotNodLrwHpOTguNwXYb7SGTaaaSw2OjFbmrdbUgBkUyMRGZ0FZSzQKxAwD5O0FKxGWGlM3Ekj4-BkckUKg0Wl0+mhZkNwEijqURkpZAAevAAHJ0eAsdhcKSVSJAA ### 💻 Code ```ts declare class BaseClass { /** some documentation */ static method(): number; } type AnyConstructor = abstract new (...args: any[]) => object function Mix<T extends AnyConstructor>(BaseClass: T) { abstract class MixinClass extends BaseClass { constructor(...args: any[]) { super(...args); } } return MixinClass; } // Or more simply you can write: class MixinClass {} declare function Mix<T extends AnyConstructor>(BaseClass: T): typeof MixinClass & T; declare class Mixed extends Mix(BaseClass) { static method(): number; } Mixed.method; // ^ No documentation. ``` ### 🙁 Actual behavior Overrides of a mixin class does not have documentation. Notably if you _don't_ override the method the documentation does show up. This shows it's possible to get it. ### 🙂 Expected behavior It should inherit documentation. ### Additional information about the issue _No response_
Help Wanted,Possible Improvement
low
Critical
2,762,346,118
pytorch
torch.dist is more numerical unstable on scalar input after torch.compile
### 🐛 Describe the bug It seems that torch.dist is more numerical unstable after torch.compile. Interestingly, this issue only occurs when `a` and `b` are scalar. If `a` or `b` contains more than one element, torch.dist has consistent result (and consistent numerical stability) after torch.compile. To reproduce ```python import torch import numpy as np torch.manual_seed(5) dist = torch.dist compiled_dist = torch.compile(torch.dist) incon1 = [] incon2 = [] for i in range(100): a = torch.rand(1).float() b = torch.rand(1).float() high_a = a.double() high_b = b.double() ref = compiled_dist(high_a, high_b, -41) incon1.append(torch.abs(dist(a, b, -41) - ref)) incon2.append(torch.abs(compiled_dist(a, b, -41) - ref)) print("Average error before compile: ", np.average(incon1)) print("Average error after compile: ", np.average(incon2)) ``` Output: ``` Average error before compile: 1.7824283715661694e-18 Average error after compile: 0.009653514623641966 ``` I think torch.compile directly uses `aten.ops.dist`? ### Versions [pip3] numpy==1.26.2 [pip3] nvidia-cublas-cu12==12.4.5.8 [pip3] nvidia-cuda-cupti-cu12==12.4.127 [pip3] nvidia-cuda-nvrtc-cu12==12.4.127 [pip3] nvidia-cuda-runtime-cu12==12.4.127 [pip3] nvidia-cudnn-cu12==9.1.0.70 [pip3] nvidia-cufft-cu12==11.2.1.3 [pip3] nvidia-curand-cu12==10.3.5.147 [pip3] nvidia-cusolver-cu12==11.6.1.9 [pip3] nvidia-cusparse-cu12==12.3.1.170 [pip3] nvidia-nccl-cu12==2.21.5 [pip3] nvidia-nvjitlink-cu12==12.4.127 [pip3] nvidia-nvtx-cu12==12.4.127 [pip3] optree==0.13.1 [pip3] torch==2.5.1 [pip3] triton==3.1.0 [conda] numpy 1.26.2 pypi_0 pypi [conda] nvidia-cublas-cu12 12.4.5.8 pypi_0 pypi [conda] nvidia-cuda-cupti-cu12 12.4.127 pypi_0 pypi [conda] nvidia-cuda-nvrtc-cu12 12.4.127 pypi_0 pypi [conda] nvidia-cuda-runtime-cu12 12.4.127 pypi_0 pypi [conda] nvidia-cudnn-cu12 9.1.0.70 pypi_0 pypi [conda] nvidia-cufft-cu12 11.2.1.3 pypi_0 pypi [conda] nvidia-curand-cu12 10.3.5.147 pypi_0 pypi [conda] nvidia-cusolver-cu12 11.6.1.9 pypi_0 pypi [conda] nvidia-cusparse-cu12 12.3.1.170 pypi_0 pypi [conda] nvidia-nccl-cu12 2.21.5 pypi_0 pypi [conda] nvidia-nvjitlink-cu12 12.4.127 pypi_0 pypi [conda] nvidia-nvtx-cu12 12.4.127 pypi_0 pypi [conda] optree 0.13.1 pypi_0 pypi [conda] torch 2.5.1 pypi_0 pypi [conda] triton 3.1.0 pypi_0 pypi cc @chauhang @penguinwu
module: numerical-stability,triaged,oncall: pt2
low
Critical
2,762,352,537
deno
node:fs - cpSync doesn't respect options
Reproduction: ```ts import { cpSync } from "node:fs"; for (let i = 0; i < 2; i++) { cpSync("folder", "other", { force: true, recursive: true }); } ``` ``` > mkdir other > node main.mjs > deno run -A main.mjs error: Uncaught (in promise) AlreadyExists: Cannot create a file when that file already exists. (os error 183) cpSync("folder", "other", { ^ at cpSync (ext:deno_node/_fs/_fs_cp.js:17:3) at file:///V:/scratch/main.mjs:4:3 ``` Reason is the op doesn't even use the options: https://github.com/denoland/deno/blob/5194222e02d54158c47240ef78f7d3379a274eeb/ext/node/polyfills/_fs/_fs_cp.js#L12-L18
bug,node compat
low
Critical
2,762,355,441
godot
Tooltips for exported properties not showing up
### Tested versions v4.3.stable.official [77dcf97d8] (tried occasionally here and there from 4.0 onwards but was never able to make it work) ### System information Newest MacOS on Mac Mini M1 ### Issue description I tried all possible combinations following various older discussions on this topic, but no matter what… the tooltips are not showing up on my end. I know they work for some people but even the simplest setup does not work on my end: ![Image](https://github.com/user-attachments/assets/0f8f5485-acae-4752-8f09-026e9d7cd6ae) ### Steps to reproduce Copy and paste the code below, and check whether any tooltips appear when you hover over the variables. ### Minimal reproduction project (MRP) ``` ## A short explanation 1 @export var my_float1 : float ## A short explanation 2 @export var my_float2 : float = 0 ```
bug,topic:gdscript,topic:editor,needs testing
low
Major
2,762,356,078
PowerToys
mapping keyboard
### Provide a description of requested docs changes I have a problem with mapping of keyboard, I can't mapping new shortcut because i don't have the key that I need and this happen because the key that I need is already remapped, for exemple: 1)I created a new shortcut "Ctrl left" + "Alt left" + E --> è 2)I remapped "[" on "è" 3)I created new shortcut "shft left" + "[" --> "{" The last step is impossible because "[" is not selectable To solve this problem it must be possible to select the new mapped keys, or the key mapping must not be taken into consideration when creating new shortcuts
Issue-Docs,Needs-Triage
low
Minor
2,762,363,001
PowerToys
[Registry Preview] MULTI_SZ parsing: Line breaks ignored
### Microsoft PowerToys version 0.87.1 ### Installation method PowerToys auto-update ### Running as admin None ### Area(s) with issue? Registry Preview ### Steps to reproduce When parsing REG_MULTI_SZ the line breaks are ignored. ![Image](https://github.com/user-attachments/assets/9b49893f-c19e-4bc6-862f-141a7649155d) ### ✔️ Expected Behavior Line breaks are correctly parsed. ### ❌ Actual Behavior _No response_ ### Other Software _No response_
Issue-Bug,Resolution-Fix Committed,Cost-Small,Product-Registry Preview
low
Minor
2,762,364,006
rust
Unary operator applied to range fails to parse
```rust struct S; impl<T> std::ops::Add<T> for S { type Output = (); fn add(self, _: T) {} } fn main() { let _ = ..0; let _ = S + ..0; let _ = &..0; let _ = || ..0; let _ = *..0; } ``` With the exception of `*..0`, all of the above expressions parse successfully, so `..` is definitely allowed to appear at the beginning of an expression &mdash; including an expression with higher precedence such as binary `+` and unary `&`. I think it is a bug that `*..0` does not parse. Same for `-..0` and `!..0`. ```console error: expected expression, found `..` --> src/main.rs:12:14 | 12 | let _ = *..0; | ^^ expected expression ```
A-parser,T-lang,T-compiler,C-bug
low
Critical
2,762,374,483
TypeScript
[NewErrors] 5.8.0-dev.20241229 vs 5.7.2
The following errors were reported by 5.8.0-dev.20241229, but not by 5.7.2 [Pipeline that generated this bug](https://typescript.visualstudio.com/TypeScript/_build?definitionId=48) [Logs for the pipeline run](https://typescript.visualstudio.com/TypeScript/_build/results?buildId=164451) [File that generated the pipeline](https://github.com/microsoft/typescript-error-deltas/blob/main/azure-pipelines-gitTests.yml) This run considered 800 popular TS repos from GH (after skipping the top 0). <details> <summary>Successfully analyzed 461 of 800 visited repos</summary> | Outcome | Count | |---------|-------| | Detected interesting changes | 13 | | Detected no interesting changes | 448 | | Git clone failed | 8 | | Package install failed | 89 | | Project-graph error in old TS | 10 | | Too many errors in old TS | 208 | | Unknown failure | 24 | </details> ## Investigation Status | Repo | Errors | Outcome | |------|--------|---------| |alibaba/formily|2| | |antvis/G2|1| | |GrapesJS/grapesjs|1| | |ionic-team/stencil|1| | |jupyterlab/jupyterlab|9| | |mikro-orm/mikro-orm|18| | |nextauthjs/next-auth|1| | |pmndrs/valtio|1| | |primefaces/primeng|210| | |pubkey/rxdb|2| | |tailwindlabs/headlessui|1| | |vuejs/devtools-v6|3| | |vuejs/vue|2| |
Needs Investigation
medium
Critical
2,762,376,839
PowerToys
[Registry Preview] Closing on opening instead of restoring
### Microsoft PowerToys version 0.87.1 ### Installation method PowerToys auto-update ### Running as admin None ### Area(s) with issue? Registry Preview ### Steps to reproduce 1. Open Registry Preview from PowerToys icon flyout. 2. Load file. 3. Open other windows in front. (For the logic.) 4. Open Registry Preview from PowerToys icon flyout. ### ✔️ Expected Behavior Windows keeps data and comes to front. ### ❌ Actual Behavior Window keeps behind other windows and looses data. ### Other Software _No response_
Issue-Bug,Needs-Triage,Product-Registry Preview
low
Minor
2,762,383,384
next.js
Typescript/SWC not working when root directory name contains node_modules
### Link to the code that reproduces this issue https://github.com/Netail/repro-next-typescript-node_modules ### To Reproduce 1. Have the root directory of your project contain `node_modules` (In this case the default git clone name `repro-next-typescript-node_modules`) 2. Install dependencies; `yarn install` 3. Start the dev server; `yarn dev` 4. Open `localhost:3000` so it compiles the page 5. See errors being thrown in the console regarding not being able to parse tokens. (e.g. `import type` or `: FC`) ### Current vs. Expected behavior When the root directory contains the word `node_modules`, SWC fails to transpile the typescript files, while the rest seems to be working fine. I expected Typescript to be working fine, regardless of the root directory name ### Provide environment information ```bash Operating System: Platform: win32 Arch: x64 Version: Windows 10 Home Available memory (MB): 32702 Available CPU cores: 8 Binaries: Node: 22.11.0 npm: 10.9.0 Yarn: 1.22.22 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.5.4 Next.js Config: output: N/A ``` ### Which area(s) are affected? (Select all that apply) TypeScript, SWC ### Which stage(s) are affected? (Select all that apply) next dev (local), next build (local) ### Additional context I was testing another bug regarding node_modules & bundling and called the directory something with node_modules, this resulted in some "Module parse failed: Unexpected token" errors, which took me a few hours to realise it was because of the root directory name
SWC,TypeScript
low
Critical
2,762,385,480
PowerToys
Add Pin to Taskbar and Pin to Start when searching for applications in PowerToys Run
### Description of the new feature / enhancement Normally, we'd be able to pin applications to taskbar or Start from the Start menu or the desktop. However, we'd like to be able to pin applications to taskbar or Start when searching for them in PowerToys Run. ### Scenario when this would be used? 1. Open PowerToys Run. 2. Type an application name - for example, **Terminal**. 3. Click the **Pin to taskbar** icon if we want to pin an application to the taskbar. 4. Click the **Pin to Start** icon if we want to pin an application to Start. ### Supporting information When pinning an application to taskbar from PowerToys Run, it will be available there; when pinning an application to Start from PowerToys Run, it will be available when clicking the Start button.
Needs-Triage
low
Minor
2,762,397,825
yt-dlp
Using --load-info-json downloads the same download sections from the previous download
### 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 Hello. Im Denis, developer of YTDLnis. I have recently implemented the feature to use write info json to prevent extra calls to servers when retrying a download but there are huge issues. Example workflow: - First download, no info json, writes info json and downloads a certain section of the video, its ok - Second download, loads info json, configures to download another section of the video, it downloads the first configured section In cases if the first download had no cuts configured, then the 2nd download that loads the info json that has cuts wont cut anything and instead generate a 1KB file that is unplayable. Running sample command in pc: one from 0:00-0:20 one from 1:00-1:50 In this example, the 2nd file didnt even download the same portion but generated a small unplayable video file. -a---- 29 Dec 2024 09:30 PM 509706 THAT GUY [M0qiZHV4E3U].info.json (1st video) -a---- 29 Dec 2024 09:31 PM 11881699 THAT GUY [M0qiZHV4E3U].webm -a---- 29 Dec 2024 09:35 PM 812 2ndfile.webm (2nd video) ### 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 FIRST DOWNLOAD: [debug] Command-line config: ['-vU', '--write-info-json', '--download-sections', '*0:00-0:20', 'https://www.youtube.com/watch?v=M0qiZHV4E3U'] [debug] Encodings: locale cp1252, fs utf-8, pref cp1252, out utf-8, error utf-8, screen utf-8 [debug] yt-dlp version [email protected] from yt-dlp/yt-dlp-nightly-builds [0b6b7742c] (win_exe) [debug] Python 3.10.11 (CPython AMD64 64bit) - Windows-10-10.0.22631-SP0 (OpenSSL 1.1.1t 7 Feb 2023) [debug] exe versions: ffmpeg 7.1-essentials_build-www.gyan.dev (setts), ffprobe 7.1-essentials_build-www.gyan.dev [debug] Optional libraries: Cryptodome-3.21.0, brotli-1.1.0, certifi-2024.12.14, curl_cffi-0.5.10, mutagen-1.47.0, requests-2.32.3, sqlite3-3.40.1, urllib3-2.3.0, websockets-14.1 [debug] Proxy map: {} [debug] Request Handlers: urllib, requests, websockets, curl_cffi [debug] Loaded 1837 extractors [debug] Fetching release info: https://api.github.com/repos/yt-dlp/yt-dlp-nightly-builds/releases/latest Latest version: [email protected] from yt-dlp/yt-dlp-nightly-builds yt-dlp is up to date ([email protected] from yt-dlp/yt-dlp-nightly-builds) [youtube] Extracting URL: https://www.youtube.com/watch?v=M0qiZHV4E3U [youtube] M0qiZHV4E3U: Downloading webpage [youtube] M0qiZHV4E3U: Downloading ios player API JSON [youtube] M0qiZHV4E3U: Downloading mweb player API JSON [debug] [youtube] M0qiZHV4E3U: 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 omqByjRThi5OmaqEa => nWk1ldNNS6vRmQ [debug] Loading youtube-nsig.03dbdfab from cache [debug] [youtube] Decrypted nsig TlnwC444M8pfkV6Hh => ELLbtC5BDnaTkQ [youtube] M0qiZHV4E3U: Downloading m3u8 information [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 [debug] Default format spec: bestvideo*+bestaudio/best [info] M0qiZHV4E3U: Downloading 1 format(s): 616+251 [info] M0qiZHV4E3U: Downloading 1 time ranges: 0.0-20.0 [info] Writing video metadata as JSON to: THAT GUY [M0qiZHV4E3U].info.json [debug] Invoking ffmpeg downloader on "https://manifest.googlevideo.com/api/manifest/hls_playlist/expire/1735525849/ei/ebFxZ_X0J6_Ni9oPzLz50Aw/ip/37.26.83.206/id/334aa26475781375/itag/616/source/youtube/requiressl/yes/ratebypass/yes/pfa/1/wft/1/sgovp/clen%3D87098372%3Bdur%3D173.874%3Bgir%3Dyes%3Bitag%3D356%3Blmt%3D1735184558385124/rqh/1/hls_chunk_host/rr1---sn-5u05a-up5s.googlevideo.com/xpc/EgVo2aDSNQ%3D%3D/met/1735504249,/mh/VH/mm/31,29/mn/sn-5u05a-up5s,sn-nv47lnsy/ms/au,rdu/mv/m/mvi/1/pl/24/rms/au,au/initcwndbps/1950000/spc/x-caUKyM_fDO4fUBpVaSkmGWQBHgu8CJIaNYOkpGf6tHtLHc6LrFQnE/vprv/1/playlist_type/DVR/dover/13/txp/5532434/mt/1735504146/fvip/5/short_key/1/keepalive/yes/fexp/51326932,51335594,51371294/sparams/expire,ei,ip,id,itag,source,requiressl,ratebypass,pfa,wft,sgovp,rqh,xpc,spc,vprv,playlist_type/sig/AJfQdSswRgIhAPgq0xd0LnerVZGnPJfBl4jdvxJEFmCNoPA62vhTiVQcAiEApGrj09mnyI1CCilf1y6E9JFAurnJwY7RlpUdTdUjSuQ%3D/lsparams/hls_chunk_host,met,mh,mm,mn,ms,mv,mvi,pl,rms,initcwndbps/lsig/AGluJ3MwRQIhAOMO-j3fPTAm2oze8IwyndQquijtauri1MLlS3Jiu8ocAiBVwWtQpqXNtEMG6cg21AgevGkIITA06H6dmffb4x_Lmg%3D%3D/playlist/index.m3u8", "https://rr1---sn-5u05a-up5s.googlevideo.com/videoplayback?expire=1735525849&ei=ebFxZ6ffL_Ogi9oPyanBsQM&ip=37.26.83.206&id=o-ALYJ3ghB-T5VCCpva8lnT_hlAv_zlpr8wRWnX--EC7oW&itag=251&source=youtube&requiressl=yes&xpc=EgVo2aDSNQ%3D%3D&met=1735504249%2C&mh=VH&mm=31%2C29&mn=sn-5u05a-up5s%2Csn-nv47lnsy&ms=au%2Crdu&mv=m&mvi=1&pl=24&rms=au%2Cau&initcwndbps=1733750&bui=AfMhrI8REYMcwUckbw_vSgejax7Rf3ecdwzo8PHNrXuqDbQ0t6BzyKSJtVmiRJhlr6HbcB0tt0tBKQ-F&vprv=1&svpuc=1&mime=audio%2Fwebm&ns=wDbYki7KcVDVOts3dyS63fgQ&rqh=1&gir=yes&clen=2858164&dur=173.901&lmt=1735180838659763&mt=1735503910&fvip=5&keepalive=yes&fexp=51326932%2C51331020%2C51335594%2C51371294&c=MWEB&sefc=1&txp=5532434&n=ELLbtC5BDnaTkQ&sparams=expire%2Cei%2Cip%2Cid%2Citag%2Csource%2Crequiressl%2Cxpc%2Cbui%2Cvprv%2Csvpuc%2Cmime%2Cns%2Crqh%2Cgir%2Cclen%2Cdur%2Clmt&sig=AJfQdSswRQIhAMm96XdJ2Ujpp3U4UtnuxdeX8lwEoPJwzA3cWVO8P37CAiBefWqp4pDmJjEN5xSWA0knqggJxeLBPcPtoYk_FpXTBg%3D%3D&lsparams=met%2Cmh%2Cmm%2Cmn%2Cms%2Cmv%2Cmvi%2Cpl%2Crms%2Cinitcwndbps&lsig=AGluJ3MwRQIhANYpKsDgQK3rZp0LY-P6HrDzicAIxvgjvF0BA7CnC2hbAiApwHbng6ABn8h1oyhiWG020UWv7I8mbvJa-3beoZblCw%3D%3D" [download] Destination: THAT GUY [M0qiZHV4E3U].webm [debug] ffmpeg command line: ffmpeg -y -loglevel verbose -headers "User-Agent: Mozilla/5.0 (Windows NT 10.0; Win64; x64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/90.0.4430.212 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 " -t 20.0 -i .... .... .... [in#1/matroska,webm @ 0000020290cefd00] Input stream #1:0 (audio): 1001 packets read (317734 bytes); [in#1/matroska,webm @ 0000020290cefd00] Total: 1001 packets (317734 bytes) demuxed [AVIOContext @ 0000020290cbbec0] Statistics: 327680 bytes read, 0 seeks [download] 100% of 11.33MiB in 00:00:12 at 933.53KiB/s ------------------------------------------------------------- SECOND DOWNLOAD [debug] Command-line config: ['-vU', '--load-info-json', '.\\THAT GUY [M0qiZHV4E3U].info.json', '--download-sections', '*1:00-1:50', 'https://www.youtube.com/watch?v=M0qiZHV4E3U', '-o', '2ndfile.%(ext)s'] [debug] Encodings: locale cp1252, fs utf-8, pref cp1252, out utf-8, error utf-8, screen utf-8 [debug] yt-dlp version [email protected] from yt-dlp/yt-dlp-nightly-builds [0b6b7742c] (win_exe) [debug] Python 3.10.11 (CPython AMD64 64bit) - Windows-10-10.0.22631-SP0 (OpenSSL 1.1.1t 7 Feb 2023) [debug] exe versions: ffmpeg 7.1-essentials_build-www.gyan.dev (setts), ffprobe 7.1-essentials_build-www.gyan.dev [debug] Optional libraries: Cryptodome-3.21.0, brotli-1.1.0, certifi-2024.12.14, curl_cffi-0.5.10, mutagen-1.47.0, requests-2.32.3, sqlite3-3.40.1, urllib3-2.3.0, websockets-14.1 [debug] Proxy map: {} [debug] Request Handlers: urllib, requests, websockets, curl_cffi [debug] Loaded 1837 extractors [debug] Fetching release info: https://api.github.com/repos/yt-dlp/yt-dlp-nightly-builds/releases/latest Latest version: [email protected] from yt-dlp/yt-dlp-nightly-builds yt-dlp is up to date ([email protected] from yt-dlp/yt-dlp-nightly-builds) WARNING: URLs are ignored due to --load-info-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 [debug] Default format spec: bestvideo*+bestaudio/best [info] M0qiZHV4E3U: Downloading 1 format(s): 616+251 [info] M0qiZHV4E3U: Downloading 1 time ranges: 60.0-110.0 [debug] Invoking ffmpeg downloader on "https://manifest.googlevideo.com/api/manifest/hls_playlist/expire/1735525849/ei/ebFxZ_X0J6_Ni9oPzLz50Aw/ip/37.26.83.206/id/334aa26475781375/itag/616/source/youtube/requiressl/yes/ratebypass/yes/pfa/1/wft/1/sgovp/clen%3D87098372%3Bdur%3D173.874%3Bgir%3Dyes%3Bitag%3D356%3Blmt%3D1735184558385124/rqh/1/hls_chunk_host/rr1---sn-5u05a-up5s.googlevideo.com/xpc/EgVo2aDSNQ%3D%3D/met/1735504249,/mh/VH/mm/31,29/mn/sn-5u05a-up5s,sn-nv47lnsy/ms/au,rdu/mv/m/mvi/1/pl/24/rms/au,au/initcwndbps/1950000/spc/x-caUKyM_fDO4fUBpVaSkmGWQBHgu8CJIaNYOkpGf6tHtLHc6LrFQnE/vprv/1/playlist_type/DVR/dover/13/txp/5532434/mt/1735504146/fvip/5/short_key/1/keepalive/yes/fexp/51326932,51335594,51371294/sparams/expire,ei,ip,id,itag,source,requiressl,ratebypass,pfa,wft,sgovp,rqh,xpc,spc,vprv,playlist_type/sig/AJfQdSswRgIhAPgq0xd0LnerVZGnPJfBl4jdvxJEFmCNoPA62vhTiVQcAiEApGrj09mnyI1CCilf1y6E9JFAurnJwY7RlpUdTdUjSuQ%3D/lsparams/hls_chunk_host,met,mh,mm,mn,ms,mv,mvi,pl,rms,initcwndbps/lsig/AGluJ3MwRQIhAOMO-j3fPTAm2oze8IwyndQquijtauri1MLlS3Jiu8ocAiBVwWtQpqXNtEMG6cg21AgevGkIITA06H6dmffb4x_Lmg%3D%3D/playlist/index.m3u8", "https://rr1---sn-5u05a-up5s.googlevideo.com/videoplayback?expire=1735525849&ei=ebFxZ6ffL_Ogi9oPyanBsQM&ip=37.26.83.206&id=o-ALYJ3ghB-T5VCCpva8lnT_hlAv_zlpr8wRWnX--.... ... ..... ...... nv47lnsy&ms=au%2Crdu&mv=m&mvi=1&pl=24&rms=au%2Cau&initcwndbps=1733750&bui=AfMhrI8REYMcwUckbw_vSgejax7Rf3ecdwzo8PHNrXuqDbQ0t6BzyKSJtVmiRJhlr6HbcB0tt0tBKQ-F&vprv=1&svpuc=1&mime=audio%2Fwebm&ns=wDbYki7KcVDVOts3dyS63fgQ&rqh=1&gir=yes&clen=2858164&dur=173.901&lmt=1735180838659763&mt=1735503910&fvip=5&keepalive=yes&fexp=51326932%2C51331020%2C51335594%2C51371294&c=MWEB&sefc=1&txp=5532434&n=ELLbtC5BDnaTkQ&sparams=expire%2Cei%2Cip%2Cid%2Citag%2Csource%2Crequiressl%2Cxpc%2Cbui%2Cvprv%2Csvpuc%2Cmime%2Cns%2Crqh%2Cgir%2Cclen%2Cdur%2Clmt&sig=AJfQdSswRQIhAMm96XdJ2Ujpp3U4UtnuxdeX8lwEoPJwzA3cWVO8P37CAiBefWqp4pDmJjEN5xSWA0knqggJxeLBPcPtoYk_FpXTBg%3D%3D&lsparams=met%2Cmh%2Cmm%2Cmn%2Cms%2Cmv%2Cmvi%2Cpl%2Crms%2Cinitcwndbps&lsig=AGluJ3MwRQIhANYpKsDgQK3rZp0LY-P6HrDzicAIxvgjvF0BA7CnC2hbAiApwHbng6ABn8h1oyhiWG020UWv7I8mbvJa-3beoZblCw%3D%3D): [in#1/matroska,webm @ 00000218582a9d80] Input stream #1:0 (audio): 1 packets read (239 bytes); [in#1/matroska,webm @ 00000218582a9d80] Total: 1 packets (239 bytes) demuxed [AVIOContext @ 0000021857c88480] Statistics: 32768 bytes read, 1 seeks [download] 100% of 812.00B in 00:01:02 at 12.92B/s ```
external issue
low
Critical
2,762,399,159
TypeScript
Generic syntax ambiguity is handled incorrectly
### 🔎 Search Terms generic syntax ambiguity ### 🕗 Version & Regression Information - I was unable to test this on prior versions because there is no online tooling for it ### ⏯ Playground Link https://www.typescriptlang.org/play/?#code/MYewdgzgLgBAhjAvDAjAGhgIyTATB4HAZgwBMcAWDAUxwFYBuAKFEhABtqA6dkAcwAUCADxYMAwgD4YA8gDIY1AJQrmQA ### 💻 Code ```ts const a = 1, b = 2, c = 3, d = 4, e = 5; console.log(a < b, (c > (d & e))); ``` ### 🙁 Actual behavior This expression is not callable. ### 🙂 Expected behavior `true false` ### Additional information about the issue While there might be some justification for why ```typescript const a = 1, b = 2, c = 3, d = 4, e = 5; console.log(a < b, c > (d & e)); ``` doesn't work as it did in JS, in the provided example there isn't even any disambiguity.
Bug,Help Wanted
low
Minor
2,762,402,501
rust
explicit-outlives-requirements suggestion breaks code
<!-- 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 //@ run-pass // Test that the lifetime of the enclosing `&` is used for the object // lifetime bound. #![allow(dead_code)] use std::fmt::Display; trait Test { fn foo(&self) { } } struct Ref<'a,T:'a+?Sized> { r: &'a T } struct Ref2<'a,'b,T:'a+'b+?Sized> { a: &'a T, b: &'b T } struct SomeStruct<'a> { t: Ref<'a, dyn Test>, u: Ref<'a, dyn Test+'a>, } fn a<'a>(t: Ref<'a, dyn Test>, mut ss: SomeStruct<'a>) { ss.t = t; } fn b<'a>(t: Ref<'a, dyn Test>, mut ss: SomeStruct<'a>) { ss.u = t; } fn c<'a>(t: Ref<'a, dyn Test+'a>, mut ss: SomeStruct<'a>) { ss.t = t; } fn d<'a>(t: Ref<'a, dyn Test+'a>, mut ss: SomeStruct<'a>) { ss.u = t; } fn e<'a>(_: Ref<'a, dyn Display+'static>) {} fn g<'a, 'b>(_: Ref2<'a, 'b, dyn Display+'static>) {} fn main() { // Inside a function body, we can just infer all // lifetimes, to allow Ref<'tmp, Display+'static> // and Ref2<'tmp, 'tmp, Display+'static>. let x = &0 as &(dyn Display+'static); let r: Ref<dyn Display> = Ref { r: x }; let r2: Ref2<dyn Display> = Ref2 { a: x, b: x }; e(r); g(r2); } ``` `rustc --edition=2024 --crate-type lib --force-warn explicit-outlives-requirements object-lifetime-default-from-ref-struct.rs` => ``` warning: outlives requirements can be inferred --> object-lifetime-default-from-ref-struct.rs:14:17 | 14 | struct Ref<'a,T:'a+?Sized> { | ^^^ help: remove this bound | = note: requested on the command line with `--force-warn explicit-outlives-requirements` warning: outlives requirements can be inferred --> object-lifetime-default-from-ref-struct.rs:18:21 | 18 | struct Ref2<'a,'b,T:'a+'b+?Sized> { | ^^^^^^ help: remove these bounds warning: 2 warnings emitted ``` applying the suggestion causes to code to no longer build: ``` error: lifetime may not live long enough --> object-lifetime-default-from-ref-struct.rs:37:5 | 36 | fn c<'a>(t: Ref<'a, dyn Test+'a>, mut ss: SomeStruct<'a>) { | -- lifetime `'a` defined here 37 | ss.t = t; | ^^^^^^^^ assignment requires that `'a` must outlive `'static` error: aborting due to 1 previous error ``` ### 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.85.0-nightly (8742e0556 2024-12-28) binary: rustc commit-hash: 8742e0556dee3c64f7144de2fb2e88936418865a commit-date: 2024-12-28 host: x86_64-unknown-linux-gnu release: 1.85.0-nightly LLVM version: 19.1.6 ```
A-diagnostics,T-compiler,C-bug,D-invalid-suggestion
low
Critical
2,762,404,058
godot
[4.4.dev7] The `Default Environment` setting is reset after the "cold" project loading (`res://` | `uid://` issue)
### Tested versions - reproducible in 4.4.dev7 (maybe 4.4.x) - not reproducible: 4.3.stable ### System information Godot v4.4.dev7 - Windows 11 (build 26100) - Multi-window, 1 monitor - Vulkan (Forward+) - dedicated NVIDIA GeForce RTX 3060 Ti (NVIDIA; 32.0.15.6636) - 12th Gen Intel(R) Core(TM) i5-12400 (12 threads) ### Issue description The default environment setting (`rendering/environment/defaults/default_environment`) is reset after the **"cold"** project loading (deleting the `.godot` folder and loading project for the first time). However, it stays on place if it was saved as `res://...` path, not as `uid://...` value. Seems like `uid` related bug. ### Steps to reproduce Steps for 4.4.dev7: - create new project; - create an `Environment` asset; - set it as default in `Project Settings`; - close the project; - delete the `.godot` folder; - open the project. Not reproduced with 4.3 -> 4.4 migration because its value will still be saved as `res://`, not `uid://`. ### Minimal reproduction project (MRP) [test.zip](https://github.com/user-attachments/files/18270863/test.zip)
bug,topic:editor,regression
low
Critical
2,762,408,570
next.js
`params` are awaited well but the warning, `params` should be awaited before using its properties. is still displayed
### Link to the code that reproduces this issue https://github.com/ErwannRousseau/portfolio ### To Reproduce Steps to reproduce the issue: 1. Use the following `app/` directory structure: ```sh app/ ├── [lang] │ ├── blog │ │ ├── [slug] │ │ │ └── page.tsx │ │ ├── opengraph-image.png │ │ └── page.tsx │ ├── layout.tsx │ └── page.tsx ├── globals.css ``` or clone [ErwannRousseau/portfolio](https://github.com/ErwannRousseau/portfolio), but not sure it's very simple to run cause you might need env variables. 3. Add `"dev": "next dev --turbopack"` to your `package.json`. 4. Use the updated async `params` handling as shown in the code snippet above. 5. Run `dev` process with `--turbopack` enabled. 6. Observe the error when navigating to `/[lang]/blog` and `/[lang]/blog/[slug]` Disabling `--turbopack` or moving the `opengraph-image.png` to the root of `/app` resolves the issue, but this is not the intended behavior. ### Current vs. Expected behavior I encountered an issue after upgrading my Next.js project to version 15 and applying the required changes to support asynchronous `params`. Specifically, I'm seeing the following error when using the `--turbopack` flag during development: ```sh ✓ Compiled /[lang]/blog/[slug] in 2.6s Error: Route "/[lang]/blog/[slug]" used `params.lang`. `params` should be awaited before using its properties. Learn more: https://nextjs.org/docs/messages/sync-dynamic-apis at Array.map (<anonymous>) ``` The issue disappears if I: 1. Disable the `--turbopack` flag by running `next dev` without it. 2. Move the `opengraph-image.png` file from `/app/[lang]/blog/opengraph-image.png` to the root of the `/app` directory. However, moving the file is not the desired behavior, as I want the `opengraph-image.png` to reside under `/app/[lang]/blog`. Here is the structure of my `app/` directory: ```sh app/ ├── [lang] │ ├── blog │ │ ├── [slug] │ │ │ └── page.tsx │ │ ├── opengraph-image.png │ │ └── page.tsx │ ├── layout.tsx │ ├── loading.tsx │ ├── page.tsx │ ├── robots.ts │ └── sitemap.ts ├── api │ └── like │ └── route.ts ├── apple-icon.png ├── favicon.ico ├── globals.css └── studio ├── [[...index]] │ └── page.tsx └── layout.tsx ``` My `package.json` development script: ```json "dev": "next dev --turbopack", ``` I updated the code in my app as per the Next.js 15 migration guide: ```ts export async function generateMetadata( props: Readonly<{ params: Promise<{ lang: Locale }>; }>, ): Promise<Metadata> { const { lang } = await props.params; //... export default async function RootLayout({ children, params, }: Readonly<{ children: React.ReactNode; params: Promise<{ lang: Locale }>; }>) { const { lang } = await params; ``` I've done it wherever necessary. The application should compile and run without errors when using the `--turbopack` flag, and the `opengraph-image.png` file should remain at `/app/[lang]/blog` without causing warnings or 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): 16384 Available CPU cores: 8 Binaries: Node: 20.17.0 npm: 10.8.2 Yarn: 1.22.22 pnpm: 9.15.2 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) Metadata, Turbopack ### Which stage(s) are affected? (Select all that apply) next dev (local) ### Additional context _No response_
Metadata,Turbopack
low
Critical
2,762,410,028
transformers
Installation Error for transformers Package (🔥 maturin failed)
### System Info #### Source of environment data - `python --version` - `Get-ComputerInfo | Select-Object WindowsVersion, WindowsBuildLabEx` #### Python Version: - Python 3.13.1 #### Windows Version: - Windows 10 (2009) - _**User note**: it's strange as Windows has been updated to 11_ #### Windows Build: - 22621.1.amd64fre.ni_release.220506-1250 #### Reproduction steps: - `pip install transformers` #### Error Output: ``` error: subprocess-exited-with-error Preparing metadata (pyproject.toml) did not run successfully. exit code: 1 [5 lines of output] 🔥 maturin failed Caused by: `project.version` field is required in pyproject.toml unless it is present in the `project.dynamic` list Error running maturin: Command '['maturin', 'pep517', 'write-dist-info', '--metadata-directory', 'C:\\Users\\SauceChord\\AppData\\Local\\Temp\\pip-modern-metadata-2ud_2hdp', '--interpreter', 'E:\\repos-own\\AutoMate\\venv\\Scripts\\python.exe']' returned non-zero exit status 1. Checking for Rust toolchain.... Running `maturin pep517 write-dist-info --metadata-directory C:\Users\SauceChord\AppData\Local\Temp\pip-modern-metadata-2ud_2hdp --interpreter E:\repos-own\AutoMate\venv\Scripts\python.exe` [end of output] note: This error originates from a subprocess, and is likely not a problem with pip. error: metadata-generation-failed Encountered error while generating package metadata. See above for output. note: This is an issue with the package mentioned above, not pip. hint: See above for details. ``` #### Thoughts on the Cause: It appears that the installation failed due to a configuration issue with the `transformers` package, specifically with the `pyproject.toml` file, which is missing a `project.version` field. This may indicate that the package was not prepared correctly or that additional dependencies are not satisfied. #### Additional Information: I am an AI writing on behalf of the user. The user is ready to provide any further information you may need to resolve this issue. ### Who can help? _No response_ ### Information - [X] The official example scripts - [ ] My own modified scripts ### Tasks - [ ] An officially supported task in the `examples` folder (such as GLUE/SQuAD, ...) - [X] My own task or dataset (give details below) ### Reproduction ``` mkdir reproduce cd reproduce python -m venv venv .\venv\Scripts\activate pip install transformers ``` ### Expected behavior I expect transformers library to be installed in a new activated venv.
bug
low
Critical
2,762,410,562
rust
Module items not in scoped for module `//!` comment when module also has `///` comment
Not very clear how //! in top of module or /// before 'mod' declaration works and what difference. I found one big difference when doing /// then in rest of //! at top of module, module items are not in the scoped. I understand it's normal module importer doesnt ahve module items in scoped by default. But its not normal that module itself doesnt have items in the scoped. Smallest reproduction case: https://github.com/xmppftw/rustrepro/tree/issue-134904 - maybe it's a bug? - maybe it's bad to use /// and //! but i dont see this in rustdoc book or somewhere else
T-rustdoc,C-bug,A-intra-doc-links,S-has-mcve
low
Critical
2,762,413,543
rust
ICE: `EvalCtxt is tainted -- nested goals may have been dropped in a previous call to `try_evaluate_added_goals`
<!-- ICE: Rustc ./a.rs '' 'thread 'rustc' panicked at /rustc/5c0a6e68cfdad859615c2888de76505f13e6f01b/compiler/rustc_next_trait_solver/src/solve/eval_ctxt/canonical.rs:88:9: 'assertion `left == right` failed: EvalCtxt is tainted -- nested goals may have been dropped in a previous call to `try_evaluate_added_goals!`'', 'thread 'rustc' panicked at /rustc/5c0a6e68cfdad859615c2888de76505f13e6f01b/compiler/rustc_next_trait_solver/src/solve/eval_ctxt/canonical.rs:88:9: 'assertion `left == right` failed: EvalCtxt is tainted -- nested goals may have been dropped in a previous call to `try_evaluate_added_goals!`'' File: /tmp/im/a.rs --> auto-reduced (treereduce-rust): ````rust trait Iterate<'a> { type Ty: Valid; } impl<'a, T> Iterate<'a> for T where T: Check, { default type Ty = (); } trait Check {} impl<'a, T> Eq for T where <T as Iterate<'a>>::Ty: Valid {} trait Valid {} ```` original: ````rust #![feature(specialization)] //~^ WARN the feature `specialization` is incomplete trait Iterate<'a> { type Ty: Valid; fn mk() -> Self; } impl<'a, T> Iterate<'a> for T where T: Check, { default type Ty = (); //~^ ERROR the trait bound `(): Valid` is not satisfied default fn iterate(self) {} } trait Check {} impl<'a, T> Eq for T where <T as Iterate<'a>>::Ty: Valid {} trait Valid {} fn main() { Iterate::iterate(0); } ```` Version information ```` rustc 1.85.0-nightly (5c0a6e68c 2024-12-29) binary: rustc commit-hash: 5c0a6e68cfdad859615c2888de76505f13e6f01b commit-date: 2024-12-29 host: x86_64-unknown-linux-gnu release: 1.85.0-nightly LLVM version: 19.1.6 ```` Command: `/home/matthias/.rustup/toolchains/master/bin/rustc ` <details><summary><strong>Program output</strong></summary> <p> ``` error[E0658]: specialization is unstable --> /tmp/icemaker_global_tempdir.Z3wFfHKfangs/rustc_testrunner_tmpdir_reporting.uzq8dY128rQv/mvce.rs:8:5 | 8 | default type Ty = (); | ^^^^^^^^^^^^^^^^^^^^^ | = note: see issue #31844 <https://github.com/rust-lang/rust/issues/31844> for more information = help: add `#![feature(specialization)]` to the crate attributes to enable = note: this compiler was built on 2024-12-29; consider upgrading it if it is out of date error[E0601]: `main` function not found in crate `mvce` --> /tmp/icemaker_global_tempdir.Z3wFfHKfangs/rustc_testrunner_tmpdir_reporting.uzq8dY128rQv/mvce.rs:14:15 | 14 | trait Valid {} | ^ consider adding a `main` function to `/tmp/icemaker_global_tempdir.Z3wFfHKfangs/rustc_testrunner_tmpdir_reporting.uzq8dY128rQv/mvce.rs` error[E0277]: the trait bound `(): Valid` is not satisfied --> /tmp/icemaker_global_tempdir.Z3wFfHKfangs/rustc_testrunner_tmpdir_reporting.uzq8dY128rQv/mvce.rs:8:23 | 8 | default type Ty = (); | ^^ the trait `Valid` is not implemented for `()` | help: this trait has no implementations, consider adding one --> /tmp/icemaker_global_tempdir.Z3wFfHKfangs/rustc_testrunner_tmpdir_reporting.uzq8dY128rQv/mvce.rs:14:1 | 14 | trait Valid {} | ^^^^^^^^^^^ note: required by a bound in `Iterate::Ty` --> /tmp/icemaker_global_tempdir.Z3wFfHKfangs/rustc_testrunner_tmpdir_reporting.uzq8dY128rQv/mvce.rs:2:14 | 2 | type Ty: Valid; | ^^^^^ required by this bound in `Iterate::Ty` thread 'rustc' panicked at /rustc/5c0a6e68cfdad859615c2888de76505f13e6f01b/compiler/rustc_next_trait_solver/src/solve/eval_ctxt/canonical.rs:88:9: assertion `left == right` failed: EvalCtxt is tainted -- nested goals may have been dropped in a previous call to `try_evaluate_added_goals!` left: Err(NoSolution) right: Ok(()) stack backtrace: 0: 0x783919abf5ca - <std::sys::backtrace::BacktraceLock::print::DisplayBacktrace as core::fmt::Display>::fmt::hd76018e90f9bbfc3 1: 0x78391a213466 - core::fmt::write::hed666983d2d54108 2: 0x78391b14c011 - std::io::Write::write_fmt::hbf0b651b2658b449 3: 0x783919abf422 - std::sys::backtrace::BacktraceLock::print::h3a9d6ff043e667f2 4: 0x783919ac1929 - std::panicking::default_hook::{{closure}}::h928484cbba0336ce 5: 0x783919ac1772 - std::panicking::default_hook::ha8b3bd2f7ee21424 6: 0x783918c2e1f8 - std[3ebcc71b08131339]::panicking::update_hook::<alloc[740b194b6bfe8ab6]::boxed::Box<rustc_driver_impl[5b4410ee4a2bc4c4]::install_ice_hook::{closure#1}>>::{closure#0} 7: 0x783919ac20e3 - std::panicking::rust_panic_with_hook::h58dbee9f864d075b 8: 0x783919ac1dda - std::panicking::begin_panic_handler::{{closure}}::h0bef6691ea876880 9: 0x783919abfa69 - std::sys::backtrace::__rust_end_short_backtrace::h293ac16534c0773f 10: 0x783919ac1a9d - rust_begin_unwind 11: 0x78391679a380 - core::panicking::panic_fmt::h291df79adaba8570 12: 0x78391865f116 - core::panicking::assert_failed_inner::hc6124cab6b532df5 13: 0x783919840523 - core[614645412a48dac]::panicking::assert_failed::<core[614645412a48dac]::result::Result<(), rustc_type_ir[57a1164042dbd323]::solve::NoSolution>, core[614645412a48dac]::result::Result<(), rustc_type_ir[57a1164042dbd323]::solve::NoSolution>> 14: 0x78391ade13e2 - <rustc_next_trait_solver[8d04bf79b6e2d511]::solve::eval_ctxt::EvalCtxt<rustc_trait_selection[e5fd4b86af22d0f3]::solve::delegate::SolverDelegate, rustc_middle[404d2ae367c92b56]::ty::context::TyCtxt>>::evaluate_added_goals_and_make_canonical_response::{closure#0} 15: 0x7839171d6ebc - <rustc_next_trait_solver[8d04bf79b6e2d511]::solve::eval_ctxt::EvalCtxt<rustc_trait_selection[e5fd4b86af22d0f3]::solve::delegate::SolverDelegate, rustc_middle[404d2ae367c92b56]::ty::context::TyCtxt>>::assemble_and_evaluate_candidates::<rustc_type_ir[57a1164042dbd323]::predicate::TraitPredicate<rustc_middle[404d2ae367c92b56]::ty::context::TyCtxt>> 16: 0x78391b3f51e7 - <rustc_type_ir[57a1164042dbd323]::search_graph::SearchGraph<rustc_next_trait_solver[8d04bf79b6e2d511]::solve::search_graph::SearchGraphDelegate<rustc_trait_selection[e5fd4b86af22d0f3]::solve::delegate::SolverDelegate>, rustc_middle[404d2ae367c92b56]::ty::context::TyCtxt>>::evaluate_goal_in_task::<&mut <rustc_next_trait_solver[8d04bf79b6e2d511]::solve::eval_ctxt::EvalCtxt<rustc_trait_selection[e5fd4b86af22d0f3]::solve::delegate::SolverDelegate, rustc_middle[404d2ae367c92b56]::ty::context::TyCtxt>>::evaluate_canonical_goal::{closure#0}::{closure#0}::{closure#0}> 17: 0x78391aded028 - <rustc_type_ir[57a1164042dbd323]::search_graph::SearchGraph<rustc_next_trait_solver[8d04bf79b6e2d511]::solve::search_graph::SearchGraphDelegate<rustc_trait_selection[e5fd4b86af22d0f3]::solve::delegate::SolverDelegate>, rustc_middle[404d2ae367c92b56]::ty::context::TyCtxt>>::with_new_goal::<<rustc_next_trait_solver[8d04bf79b6e2d511]::solve::eval_ctxt::EvalCtxt<rustc_trait_selection[e5fd4b86af22d0f3]::solve::delegate::SolverDelegate, rustc_middle[404d2ae367c92b56]::ty::context::TyCtxt>>::evaluate_canonical_goal::{closure#0}::{closure#0}::{closure#0}> 18: 0x78391ade4fa2 - <rustc_next_trait_solver[8d04bf79b6e2d511]::solve::eval_ctxt::EvalCtxt<rustc_trait_selection[e5fd4b86af22d0f3]::solve::delegate::SolverDelegate, rustc_middle[404d2ae367c92b56]::ty::context::TyCtxt>>::evaluate_goal_raw 19: 0x78391ade9f6a - rustc_trait_selection[e5fd4b86af22d0f3]::traits::coherence::overlap 20: 0x78391a21a626 - <rustc_middle[404d2ae367c92b56]::traits::specialization_graph::Children as rustc_trait_selection[e5fd4b86af22d0f3]::traits::specialize::specialization_graph::ChildrenExt>::insert 21: 0x78391b05a391 - <rustc_middle[404d2ae367c92b56]::traits::specialization_graph::Graph as rustc_trait_selection[e5fd4b86af22d0f3]::traits::specialize::specialization_graph::GraphExt>::insert 22: 0x78391a448783 - rustc_trait_selection[e5fd4b86af22d0f3]::traits::specialize::specialization_graph_provider 23: 0x78391a4484dd - rustc_query_impl[dd07ae5eac7025a4]::plumbing::__rust_begin_short_backtrace::<rustc_query_impl[dd07ae5eac7025a4]::query_impl::specialization_graph_of::dynamic_query::{closure#2}::{closure#0}, rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 8usize]>> 24: 0x78391a2ed91f - rustc_query_system[a6bda300fd750441]::query::plumbing::try_execute_query::<rustc_query_impl[dd07ae5eac7025a4]::DynamicConfig<rustc_query_system[a6bda300fd750441]::query::caches::DefIdCache<rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 8usize]>>, false, false, false>, rustc_query_impl[dd07ae5eac7025a4]::plumbing::QueryCtxt, false> 25: 0x78391a8d66b5 - rustc_query_impl[dd07ae5eac7025a4]::query_impl::specialization_graph_of::get_query_non_incr::__rust_end_short_backtrace 26: 0x78391a9af1ad - rustc_hir_analysis[42d91103dadc7b0f]::coherence::coherent_trait 27: 0x78391a9aef17 - rustc_query_impl[dd07ae5eac7025a4]::plumbing::__rust_begin_short_backtrace::<rustc_query_impl[dd07ae5eac7025a4]::query_impl::coherent_trait::dynamic_query::{closure#2}::{closure#0}, rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 1usize]>> 28: 0x78391a5125eb - rustc_query_system[a6bda300fd750441]::query::plumbing::try_execute_query::<rustc_query_impl[dd07ae5eac7025a4]::DynamicConfig<rustc_query_system[a6bda300fd750441]::query::caches::DefIdCache<rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 1usize]>>, false, false, false>, rustc_query_impl[dd07ae5eac7025a4]::plumbing::QueryCtxt, false> 29: 0x78391a511622 - rustc_query_impl[dd07ae5eac7025a4]::query_impl::coherent_trait::get_query_non_incr::__rust_end_short_backtrace 30: 0x78391aaa93cc - rustc_middle[404d2ae367c92b56]::query::plumbing::query_ensure_error_guaranteed::<rustc_query_system[a6bda300fd750441]::query::caches::DefIdCache<rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 1usize]>>, ()> 31: 0x7839179b8cbd - rustc_hir_analysis[42d91103dadc7b0f]::check::wfcheck::check_well_formed 32: 0x78391abfc2bb - rustc_query_impl[dd07ae5eac7025a4]::plumbing::__rust_begin_short_backtrace::<rustc_query_impl[dd07ae5eac7025a4]::query_impl::check_well_formed::dynamic_query::{closure#2}::{closure#0}, rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 1usize]>> 33: 0x78391abfbd69 - rustc_query_system[a6bda300fd750441]::query::plumbing::try_execute_query::<rustc_query_impl[dd07ae5eac7025a4]::DynamicConfig<rustc_data_structures[cf63a78d0cde4c59]::vec_cache::VecCache<rustc_span[8931c23d12488321]::def_id::LocalDefId, rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 1usize]>, rustc_query_system[a6bda300fd750441]::dep_graph::graph::DepNodeIndex>, false, false, false>, rustc_query_impl[dd07ae5eac7025a4]::plumbing::QueryCtxt, false> 34: 0x78391abfb7cb - rustc_query_impl[dd07ae5eac7025a4]::query_impl::check_well_formed::get_query_non_incr::__rust_end_short_backtrace 35: 0x78391abfc52c - rustc_hir_analysis[42d91103dadc7b0f]::check::wfcheck::check_mod_type_wf 36: 0x78391abfc34b - rustc_query_impl[dd07ae5eac7025a4]::plumbing::__rust_begin_short_backtrace::<rustc_query_impl[dd07ae5eac7025a4]::query_impl::check_mod_type_wf::dynamic_query::{closure#2}::{closure#0}, rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 1usize]>> 37: 0x78391b177188 - rustc_query_system[a6bda300fd750441]::query::plumbing::try_execute_query::<rustc_query_impl[dd07ae5eac7025a4]::DynamicConfig<rustc_query_system[a6bda300fd750441]::query::caches::DefaultCache<rustc_span[8931c23d12488321]::def_id::LocalModDefId, rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 1usize]>>, false, false, false>, rustc_query_impl[dd07ae5eac7025a4]::plumbing::QueryCtxt, false> 38: 0x78391b176f30 - rustc_query_impl[dd07ae5eac7025a4]::query_impl::check_mod_type_wf::get_query_non_incr::__rust_end_short_backtrace 39: 0x78391a4f6db8 - rustc_hir_analysis[42d91103dadc7b0f]::check_crate 40: 0x78391a670068 - rustc_interface[369fa5095bec1a52]::passes::run_required_analyses 41: 0x78391b1502de - rustc_interface[369fa5095bec1a52]::passes::analysis 42: 0x78391b1502af - rustc_query_impl[dd07ae5eac7025a4]::plumbing::__rust_begin_short_backtrace::<rustc_query_impl[dd07ae5eac7025a4]::query_impl::analysis::dynamic_query::{closure#2}::{closure#0}, rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 0usize]>> 43: 0x78391b196ad5 - rustc_query_system[a6bda300fd750441]::query::plumbing::try_execute_query::<rustc_query_impl[dd07ae5eac7025a4]::DynamicConfig<rustc_query_system[a6bda300fd750441]::query::caches::SingleCache<rustc_middle[404d2ae367c92b56]::query::erase::Erased<[u8; 0usize]>>, false, false, false>, rustc_query_impl[dd07ae5eac7025a4]::plumbing::QueryCtxt, false> 44: 0x78391b19680e - rustc_query_impl[dd07ae5eac7025a4]::query_impl::analysis::get_query_non_incr::__rust_end_short_backtrace 45: 0x78391b1e64de - rustc_interface[369fa5095bec1a52]::passes::create_and_enter_global_ctxt::<core[614645412a48dac]::option::Option<rustc_interface[369fa5095bec1a52]::queries::Linker>, rustc_driver_impl[5b4410ee4a2bc4c4]::run_compiler::{closure#0}::{closure#2}>::{closure#2}::{closure#0} 46: 0x78391b1c1da4 - rustc_interface[369fa5095bec1a52]::interface::run_compiler::<(), rustc_driver_impl[5b4410ee4a2bc4c4]::run_compiler::{closure#0}>::{closure#1} 47: 0x78391b055987 - std[3ebcc71b08131339]::sys::backtrace::__rust_begin_short_backtrace::<rustc_interface[369fa5095bec1a52]::util::run_in_thread_with_globals<rustc_interface[369fa5095bec1a52]::util::run_in_thread_pool_with_globals<rustc_interface[369fa5095bec1a52]::interface::run_compiler<(), rustc_driver_impl[5b4410ee4a2bc4c4]::run_compiler::{closure#0}>::{closure#1}, ()>::{closure#0}, ()>::{closure#0}::{closure#0}, ()> 48: 0x78391b055e24 - <<std[3ebcc71b08131339]::thread::Builder>::spawn_unchecked_<rustc_interface[369fa5095bec1a52]::util::run_in_thread_with_globals<rustc_interface[369fa5095bec1a52]::util::run_in_thread_pool_with_globals<rustc_interface[369fa5095bec1a52]::interface::run_compiler<(), rustc_driver_impl[5b4410ee4a2bc4c4]::run_compiler::{closure#0}>::{closure#1}, ()>::{closure#0}, ()>::{closure#0}::{closure#0}, ()>::{closure#1} as core[614645412a48dac]::ops::function::FnOnce<()>>::call_once::{shim:vtable#0} 49: 0x78391b0573ef - std::sys::pal::unix::thread::Thread::new::thread_start::h5915fa5c1bb9f309 50: 0x7839154a339d - <unknown> 51: 0x78391552849c - <unknown> 52: 0x0 - <unknown> error: the compiler unexpectedly panicked. this is a bug. 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 (5c0a6e68c 2024-12-29) running on x86_64-unknown-linux-gnu query stack during panic: #0 [specialization_graph_of] building specialization graph of trait `core::cmp::Eq` #1 [coherent_trait] coherence checking all impls of trait `core::cmp::Eq` #2 [check_well_formed] checking that `<impl at /tmp/icemaker_global_tempdir.Z3wFfHKfangs/rustc_testrunner_tmpdir_reporting.uzq8dY128rQv/mvce.rs:12:1: 12:57>` is well-formed #3 [check_mod_type_wf] checking that types are well-formed in top-level module #4 [analysis] running analysis passes on this crate end of query stack error: aborting due to 3 previous errors Some errors have detailed explanations: E0277, E0601, E0658. For more information about an error, try `rustc --explain E0277`. ``` </p> </details> <!-- query stack: #0 [specialization_graph_of] building specialization graph of trait `core::cmp::Eq` #1 [coherent_trait] coherence checking all impls of trait `core::cmp::Eq` #2 [check_well_formed] checking that `<impl at /tmp/icemaker_global_tempdir.Z3wFfHKfangs/rustc_testrunner_tmpdir_reporting.uzq8dY128rQv/mvce.rs:12:1: 12:57>` is well-formed #3 [check_mod_type_wf] checking that types are well-formed in top-level module #4 [analysis] running analysis passes on this crate --> @rustbot label +F-specialization
I-ICE,T-compiler,A-specialization,C-bug,S-bug-has-test,T-types,S-has-bisection
low
Critical
2,762,422,602
PowerToys
Folder of programs on taskbar
### Description of the new feature / enhancement Folders for the taskbar where you make custom bins for types of applications, similar to what iOS and Android phones have. ### Scenario when this would be used? I use too many programs for them to all fit on my taskbar. For me, this is a necessity. But even people without my issue would appreciate having, for example, a single folder of Adobe apps like I want. I would also be able to pin games to my taskbar, which I can't do now for space reasons, which means in order to launch a game I first have to open Steam or Unreal. I'm sure there are also non-game programs that need a middle man in this way, that would benefit from more space on the taskbar. ### Supporting information _No response_
Needs-Triage
low
Minor
2,762,433,647
PowerToys
PowerToys v0.87.1 upgdate from 0.86 fails, neither can be installed.
### Microsoft PowerToys version 0.87.1 ### Installation method GitHub ### Running as admin None ### Area(s) with issue? Installer ### Steps to reproduce When I opened v0.86, I was alerted that an update was available. I downloaded PowerToysUserSetup-0.87.1-x64.exe. When executing, I encountered an error loop: - PowerToys (Preview) x64 Setup Failed to remove the PowerToys folder from the scheduled task. These can be removed manually later. - PowerToys (Preview) x64 Setup Error writing to file: C:\Users\bob\AppData\LocaN\PowerToys\WinUI3Apps\mscordaccore.dll. Verify that you have access to that directory. - Setup Failed One or more issues caused the setup to fail. Please fix the issues and then retry setup. For more information, see the log file. 0x80070642 - User cancelled installation. I tried it again, same result. I tried to install/revert to v0.86 and was told another version was already installed. I removed PowerToys using add/remove in Windows 11. I cannot install v0.86 or v0.87.1 I'm attaching screenshots.![Image](https://github.com/user-attachments/assets/70b607f7-c7dd-4e22-a1ec-8265f8cf8fd0) ### ✔️ Expected Behavior I expected installation from 0.86 to 0.87.1 to complete with direction, but now I do not have any version of PowerToys. I have used PowerToys successfully for several years on a previous machine and this machine since November 2024 ### ❌ Actual Behavior _No response_ ### Other Software _No response_
Issue-Bug,Needs-Triage
low
Critical
2,762,448,049
opencv
ArucoDetector detectMarkers Memory leak and severe slowdown in recent versions
### System Information OpenCV 4.10.0.84 Windows 11 Home 24H2 Python 3.11.9 pip freeze: numpy==1.26.4 opencv-python==4.10.0.84 psutil==6.1.1 ### Detailed description Using detectMarkers repeatedly on the same noisy large image results in memory leaks and severe slow downs of the detection especially in the most recent version of OpenCV. Here's the output using OpenCV 4.10.0.84: ``` iteration 0 took 2.370551586151123 seconds. Total process memory: 123,441,152 iteration 1 took 3.1970834732055664 seconds. Total process memory: 131,985,408 iteration 2 took 3.3649799823760986 seconds. Total process memory: 136,482,816 iteration 3 took 3.5040178298950195 seconds. Total process memory: 1,671,176,192 iteration 4 took 4.196935415267944 seconds. Total process memory: 145,444,864 iteration 5 took 4.476127862930298 seconds. Total process memory: 2,117,165,056 iteration 6 took 5.6765806674957275 seconds. Total process memory: 2,338,840,576 iteration 7 took 7.461204767227173 seconds. Total process memory: 158,998,528 iteration 8 took 7.712129831314087 seconds. Total process memory: 2,753,626,112 iteration 9 took 8.872538089752197 seconds. Total process memory: 2,983,907,328 iteration 10 took 9.44568419456482 seconds. Total process memory: 168,304,640 ``` Here's the same output using OpenCV 4.9.0.80. There is still a memory leak but it's not nearly as bad ``` iteration 0 took 0.5849573612213135 seconds. Total process memory: 106,168,320 iteration 1 took 0.5812480449676514 seconds. Total process memory: 107,143,168 iteration 2 took 0.5951583385467529 seconds. Total process memory: 107,868,160 iteration 3 took 0.601895809173584 seconds. Total process memory: 108,466,176 iteration 4 took 0.5014839172363281 seconds. Total process memory: 228,802,560 iteration 5 took 0.5855703353881836 seconds. Total process memory: 109,469,696 iteration 6 took 0.5641584396362305 seconds. Total process memory: 257,597,440 iteration 7 took 0.5695486068725586 seconds. Total process memory: 263,557,120 iteration 8 took 0.592726469039917 seconds. Total process memory: 110,755,840 iteration 9 took 0.5882177352905273 seconds. Total process memory: 298,942,464 iteration 10 took 0.47766566276550293 seconds. Total process memory: 314,290,176 iteration 11 took 0.5535173416137695 seconds. Total process memory: 304,709,632 iteration 12 took 0.5782535076141357 seconds. Total process memory: 112,029,696 iteration 13 took 0.5441710948944092 seconds. Total process memory: 111,517,696 iteration 14 took 0.5778942108154297 seconds. Total process memory: 322,514,944 iteration 15 took 0.5481007099151611 seconds. Total process memory: 111,931,392 iteration 16 took 0.581120491027832 seconds. Total process memory: 332,570,624 iteration 17 took 0.5674891471862793 seconds. Total process memory: 331,341,824 iteration 18 took 0.5971369743347168 seconds. Total process memory: 112,955,392 iteration 19 took 0.585500955581665 seconds. Total process memory: 336,048,128 iteration 20 took 0.5637915134429932 seconds. Total process memory: 339,034,112 iteration 21 took 0.5227835178375244 seconds. Total process memory: 345,055,232 iteration 22 took 0.5924174785614014 seconds. Total process memory: 113,094,656 iteration 23 took 0.5959928035736084 seconds. Total process memory: 347,766,784 ``` ### Steps to reproduce Run the following code to reproduce: ``` import cv2 import psutil import time params = cv2.aruco.DetectorParameters() aruco_dict = cv2.aruco.getPredefinedDictionary(0) detector = cv2.aruco.ArucoDetector(aruco_dict, params) process = psutil.Process() img = cv2.imread('noisy.jpg') for i in range(100): b = time.time() detector.detectMarkers(img) print(f'iteration {i} took {time.time()-b} seconds. Total process memory: {process.memory_info().rss:,}') # in bytes time.sleep(0.01) ``` ![noisy](https://github.com/user-attachments/assets/2c2ebabf-3312-4f48-b2a0-5bb2bf3e6597) ### 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 - [X] There is reproducer code and related data files (videos, images, onnx, etc)
bug,category: objdetect
low
Major
2,762,452,288
PowerToys
PowerToys v0.87.1 upgdate from 0.86 fails, neither can be installed.
### Microsoft PowerToys version 0.87.1 ### Installation method GitHub ### Running as admin None ### Area(s) with issue? Installer ### Steps to reproduce I was running 0.86 and was alerted to the existence of 0.87.1. I downloaded it. It failed to complete with error messages, screenshots attached. I removed PowerToys using Windows add/remove. I tried te reinstall my previous 0.86, but it failed with the same messages. I now have now PowerToys of any version. The error messages I encountered and in the screenshots: 1. PowerToys (Preview) x64 Setup Failed to remove the PowerToys folder from the scheduled task. These can be removed manually later. 2. PowerToys (Preview) x64 Error writing to file: C:\Users\bob\AppData\LocaN\PowerToys\WinUI3Apps\mscordaccore.dll. Verify that you have access to that directory. 3. Setup Failed One or more issues caused the setup to fail. Please fix the issues and then retry setup. For more information, see the log file. 0x80070642 - User cancelled installation. I'm attaching screenshots and my log file. ### ✔️ Expected Behavior I expected the update installation to complete successfully. Installation failed, and I lost the ability to install PowerToys and use the program. ### ❌ Actual Behavior A series of error messages in a loop as reported above and in screen shots.![Image](https://github.com/user-attachments/assets/7d289987-d36c-4950-af6a-c983acf31802) [powertoys-bootstrapper-msi-0.86.0_20241229170919.log](https://github.com/user-attachments/files/18271174/powertoys-bootstrapper-msi-0.86.0_20241229170919.log) ### Other Software _No response_
Issue-Bug,Needs-Triage
low
Critical
2,762,459,750
youtube-dl
Streamable.com reports two formats, only one gets downloaded
<!-- ###################################################################### WARNING! IGNORING THE FOLLOWING TEMPLATE WILL RESULT IN ISSUE CLOSED AS INCOMPLETE ###################################################################### --> ## Checklist <!-- Carefully read and work through this check list in order to prevent the most common mistakes and misuse of youtube-dl: - First of, make sure you are using the latest version of youtube-dl. Run `youtube-dl --version` and ensure your version is 2024.12.17. If it's not, see https://yt-dl.org/update on how to update. Issues with outdated version will be REJECTED. - Make sure that all provided video/audio/playlist URLs (if any) are alive and playable in a browser. - Make sure that all URLs and arguments with special characters are properly quoted or escaped as explained in http://yt-dl.org/escape. - Search the bugtracker for similar issues: http://yt-dl.org/search-issues. DO NOT post duplicates. - Finally, put x into all relevant boxes (like this [x]) --> - [x ] I'm reporting a broken site support - [x ] I've verified that I'm running youtube-dl version **2024.12.17** - [x ] I've checked that all provided URLs are alive and playable in a browser - [x ] I've checked that all URLs and arguments with special characters are properly quoted or escaped - [x ] I've searched the bugtracker for similar issues including closed ones ## Verbose log <!-- Provide the complete verbose output of youtube-dl that clearly demonstrates the problem. Add the `-v` flag to your command line you run youtube-dl with (`youtube-dl -v <your command line>`), copy the WHOLE output and insert it below. It should look similar to this: [debug] System config: [] [debug] User config: [] [debug] Command-line args: [u'-v', u'http://www.youtube.com/watch?v=BaW_jenozKcj'] [debug] Encodings: locale cp1251, fs mbcs, out cp866, pref cp1251 [debug] youtube-dl version 2021.12.17 [debug] Python version 2.7.11 - Windows-2003Server-5.2.3790-SP2 [debug] exe versions: ffmpeg N-75573-g1d0487f, ffprobe N-75573-g1d0487f, rtmpdump 2.4 [debug] Proxy map: {} <more lines> --> ## Description Streamable.com reports two formats, only one gets downloaded. Streamable reports two formats, only one gets downloaded - bottom one. It happens when they are reported in this, particular order: 'mp4, mp4-mobile'. ``` $ youtube-dl --version youtube-dl 2024.12.17 $ youtube-dl -F https://streamable.com/fh3uim [Streamable] fh3uim: Downloading JSON metadata [info] Available formats for fh3uim: format code extension resolution note mp4 mp4 460x612 321k, 30fps, 4.61MiB mp4-mobile mp4 359x478 383k, 30fps, 5.49MiB (best) $ youtube-dl -f mp4 -o fh3uim.mp4 https://streamable.com/fh3uim [Streamable] fh3uim: Downloading JSON metadata [download] Destination: fh3uim.mp4 [download] 100% of 5.49MiB in 00:07 $ youtube-dl -f mp4-mobile -o fh3uim.mp4-mobile https://streamable.com/fh3uim [Streamable] fh3uim: Downloading JSON metadata [download] Destination: fh3uim.mp4-mobile [download] 100% of 5.49MiB in 00:17 $ wc -c fh3uim.mp4* 5759085 fh3uim.mp4 5759085 fh3uim.mp4-mobile ``` Checked with other videos (id: 315u24, 2fu687) and the result is the same. Funny thing is - it's not always the case, like for these: 62pbzs, bibj5o, work fine. This time the formats are reported as 'mp4-mobile, mp4', and they both get downloaded. ``` $ youtube-dl -F https://streamable.com/bibj5o [Streamable] bibj5o: Downloading JSON metadata [info] Available formats for bibj5o: format code extension resolution note mp4-mobile mp4 639x358 699k, 30fps, 5.25MiB mp4 mp4 828x464 1046k, 30fps, 7.85MiB (best) $ youtube-dl -f mp4 -o bibj5o.mp4 https://streamable.com/bibj5o [Streamable] bibj5o: Downloading JSON metadata [download] Destination: bibj5o.mp4 [download] 100% of 7.85MiB in 00:18 $ youtube-dl -f mp4-mobile -o bibj5o.mp4-mobile https://streamable.com/bibj5o [Streamable] bibj5o: Downloading JSON metadata [download] Destination: bibj5o.mp4-mobile [download] 100% of 5.25MiB in 00:08 $ wc -c bibj5o.mp4* 8228271 bibj5o.mp4 5503856 bibj5o.mp4-mobile ``` It may not be our fault. If so, feel free to close it without notice.
bug
low
Critical
2,762,504,001
bitcoin
Cannot figure out how to use std::atomic error for MacOS Sequoia 15.2
Fails to compile when running `cmake -B build -DWITH_BDB=ON` Attempted the build process on two different laptops with identical specifications and encountered the same error. Build Output: ``` -- Performing Test STD_ATOMIC_LINKS_WITHOUT_LIBATOMIC -- Performing Test STD_ATOMIC_LINKS_WITHOUT_LIBATOMIC - Failed -- Performing Test STD_ATOMIC_NEEDS_LINK_TO_LIBATOMIC -- Performing Test STD_ATOMIC_NEEDS_LINK_TO_LIBATOMIC - Failed CMake Error at cmake/module/TestAppendRequiredLibraries.cmake:90 (message): Cannot figure out how to use std::atomic. Call Stack (most recent call first): cmake/introspection.cmake:29 (test_append_atomic_library) CMakeLists.txt:391 (include) ``` Laptop Specifications - OS: macOS Sequoia 15.2 - Compiler: Apple Clang version 16.0.0 (clang-1600.0.26.6) -- Target: arm64-apple-darwin24.2.0 -- Thread model: posix -- InstalledDir: /Library/Developer/CommandLineTools/usr/bin
macOS,Build system
low
Critical
2,762,523,218
svelte
`const` type paremeter `svelte(js_parse_error)`
### Describe the bug `const` type parameters are a feature added in Typescript 5.0. However, trying to use them in a .svelte or .svelte.ts file results in `Unexpected keyword 'const' https://svelte.dev/e/js_parse_error` This is presumably a missing feature in `acorn-typescript`, and as such blocked by #13439 ### Reproduction ```svelte <script lang=ts> function test<const T>(value: T) { return value; } </script> <h1>Hello {test("World")}!</h1> ``` ### Logs _No response_ ### System Info ```shell System: OS: Linux 6.12 Arch Linux CPU: (16) x64 AMD Ryzen 7 7840U w/ Radeon 780M Graphics Memory: 17.86 GB / 30.66 GB Container: Yes Shell: 5.2.37 - /bin/bash Binaries: Node: 23.4.0 - ~/.nvm/versions/node/v23.4.0/bin/node npm: 10.9.2 - ~/.nvm/versions/node/v23.4.0/bin/npm npmPackages: rollup: ^4.29.1 => 4.29.1 ``` ### Severity annoyance
blocked by upstream
low
Critical
2,762,527,733
stable-diffusion-webui
[Feature Request]: prepare host for specific gpu (needed for containers) without starting api/ui
### Is there an existing issue for this? - [X] I have searched the existing issues and checked the recent builds/commits ### What would your feature do ? It would be nice to have some option to initializen the current installation for a specific gpu right now I exploit the script to "simulate" my amd gpu ``` root@ollama:~/ollama# cat Dockerfile.automatic1111 FROM rocm/pytorch:rocm6.3_ubuntu22.04_py3.10_pytorch_release_2.4.0 WORKDIR /automatic1111 # install packages RUN apt update \ && apt install google-perftools bc -y --no-install-recommends \ && apt clean # clone repo RUN mkdir -p /data \ && git clone https://github.com/AUTOMATIC1111/stable-diffusion-webui . # prepare environment (exploits webui.sh) RUN --mount=type=cache,target=/root/.cache/pip \ sed 's/start()/# start()/g' launch.py >_init.py \ && bash -ec "function lspci { echo '03:00.0 VGA compatible controller: Advanced Micro Devices, Inc. [AMD/ATI] XXXXXX'; } \ && export -f lspci \ && LAUNCH_SCRIPT=_init.py ./webui.sh -f --data-dir /data --skip-torch-cuda-test" \ && rm -rf /data/* _init.py EXPOSE 7860 VOLUME /data CMD ["/automatic1111/webui.sh", "-f", "--api", "--listen", "--skip-prepare-environment", "--data-dir", "/data", "--precision", "full", "--no-half" ] ``` ### Proposed workflow maybe a separate script or argument would be nice ### Additional information if someome is interessted this is my docker-compose.yml ``` services: ollama: image: ollama/ollama:rocm ports: - "11434:11434" volumes: #- ./ollama:/root/.ollama - /usr/share/ollama/.ollama:/root/.ollama restart: unless-stopped devices: - /dev/kfd - /dev/dri group_add: - 44 - 993 open-webui: image: ghcr.io/open-webui/open-webui:main restart: unless-stopped volumes: - ./open-webui:/app/backend/data ports: - "8080:8080" environment: OLLAMA_BASE_URL: http://ollama:11434 AUTOMATIC1111_BASE_URL: http://automatic1111:7860 ENABLE_OLLAMA_API: true ENABLE_OPENAI_API: false YOUTUBE_LOADER_LANGUAGE: de ENABLE_RAG_WEB_SEARCH: true RAG_WEB_SEARCH_ENGINE: duckduckgo ENABLE_IMAGE_GENERATION: true IMAGE_GENERATION_ENGINE: automatic1111 IMAGE_GENERATION_MODEL: v1-5-pruned-emaonly.safetensors [6ce0161689] SCARF_NO_ANALYTICS: true DO_NOT_TRACK: true ANONYMIZED_TELEMETRY: false automatic1111: build: context: . dockerfile: Dockerfile.automatic1111 volumes: - ./automatic1111:/data restart: unless-stopped ports: - "7860:7860" group_add: - 44 - 993 devices: - /dev/kfd - /dev/dri ```
asking-for-help-with-local-system-issues
low
Major
2,762,528,284
electron
Can't access audio output on MacOS with NSAudioCaptureUsageDescription
### Preflight Checklist - [x] I have read the [Contributing Guidelines](https://github.com/electron/electron/blob/main/CONTRIBUTING.md) for this project. - [x] I agree to follow the [Code of Conduct](https://github.com/electron/electron/blob/main/CODE_OF_CONDUCT.md) that this project adheres to. - [x] I have searched the [issue tracker](https://www.github.com/electron/electron/issues) for a bug report that matches the one I want to file, without success. ### Electron Version 33.3.0 ### What operating system(s) are you using? macOS ### Operating System Version MacOS Sequoia 15.2 ### What arch are you using? arm64 (including Apple Silicon) ### Last Known Working Electron version _No response_ ### Expected Behavior I expect to be able to access Apples CoreAudio API's through Electron using `systemPreferences.askForMediaAccess`, in order to record sound on MacOS, using the newer `NSAudioCaptureUsageDescription` (MacOS 14.4 and later) permission. Right now only `NSMicrophoneUsageDescription` and `NSCameraUsageDescription` seem supported by the `systemPreferences` API. ### Actual Behavior No option to record sound is featured by Electron right now. Currently the only approach I've found to record sound with Electron, is to spawn a CLI app as child process, made with Swift that handles the sound recording. This gives rise to a host of problems, which I haven't been able to solve in order to successfully record audio through a child process. ### Testcase Gist URL _No response_ ### Additional Information The following reddit thread outline the solution I've mentioned above, which is a clunky way of solving it, and one that I haven't been able to solve fully at this time: https://www.reddit.com/r/electronjs/comments/1d9bjh9/recording_system_audio_on_macos
platform/macOS,bug :beetle:,33-x-y
low
Critical
2,762,546,259
next.js
loading.tsx not affecting sub-routes in some cases
### Link to the code that reproduces this issue https://codesandbox.io/p/devbox/jovial-shockley-7yn8kf?workspaceId=ws_RG1nRyxTaV3usxvsfBToRH ### To Reproduce 1. Click the link to go to the other route, notice it is delayed until the page appears 2. Click the link go to back home, it also will delay until home appears 3. If you manually refresh the page on either route, the Loading.tsx file will display properly However, if you move the `(groupA)/page.tsx` up into the `app/` folder, it works properly, *including* for the `/other/[slug]` route. ### Current vs. Expected behavior Current: `loading.tsx` only shows on page refresh, not client side navigations. Expected: Loader should "trickle" down to the routes below. ### Provide environment information ```bash Operating System: Platform: win32 Arch: x64 Version: Windows 10 Home Available memory (MB): 32703 Available CPU cores: 8 Binaries: Node: 20.11.0 npm: 9.8.1 Yarn: N/A pnpm: 9.15.1 Relevant Packages: next: 15.1.2 // There is a newer version (15.1.3) available, upgrade recommended! eslint-config-next: 15.1.2 react: 19.0.0 react-dom: 19.0.0 typescript: 5.7.2 Next.js Config: output: N/A ⚠ There is a newer version (15.1.3) available, upgrade recommended! ``` ### Which area(s) are affected? (Select all that apply) Navigation ### Which stage(s) are affected? (Select all that apply) next dev (local), next build (local), Vercel (Deployed) ### Additional context CSB is on latest canary
Navigation
low
Major
2,762,555,484
yt-dlp
soundgasm.net `modified_date` and `modified_timestamp` Not Available
### 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 %(upload_date)s-%(modified_date)s-%(modified_timestamp)s-%(title)s-%(id)s.%(ext)s' I was gonna post a question asking how to get yt-dlp to fallback to `modified_date` when `upload_date` is `NA` but it turns out that yt-dlp isn't picking up the remote time of file. $ curl -s -I -R --location-trusted "$(yt-dlp --no-config https://soundgasm.net/u/Alea_iacta_est_irA/F-DSP-Verification-Request -g)" | grep 'last-modified' last-modified: Wed, 13 Apr 2022 21:32:44 GMT `modified_date` should show up as `20220413` ### 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: ['--no-config', '-wv', '--no-cache-dir', '--geo-bypass', '-o', '%(uploader)s-%(upload_date)s-%(modified_date)s-%(modified_timestamp)s-%(title)s-%(id)s.%(ext)s', '--restrict-filenames', 'https://soundgasm.net/u/Alea_iacta_est_irA/F-DSP-Verification-Request'] [debug] yt-dlp version [email protected] from yt-dlp/yt-dlp-nightly-builds [65cf46cdd] (win_exe) [debug] Python 3.10.11 (CPython AMD64 64bit) - Windows-7-6.1.7601-SP1 (OpenSSL 1.1.1t 7 Feb 2023) [debug] exe versions: ffmpeg 7.0-full_build-www.gyan.dev (setts), ffprobe 7.0-full_build-www.gyan.dev [debug] Optional libraries: Cryptodome-3.21.0, brotli-1.1.0, certifi-2024.12.14, curl_cffi-0.5.10, mutagen-1.47.0, requests-2.32.3, sqlite3-3.40.1, urllib3-2.3.0, websockets-14.1 [debug] Request Handlers: urllib, requests, websockets, curl_cffi [debug] Extractor Plugins: AGB (YoutubeIE), Youtube_AgeGateBypassIE [debug] Loaded 1838 extractors [soundgasm] Extracting URL: https://soundgasm.net/u/Alea_iacta_est_irA/F-DSP-Verification-Request [soundgasm] F-DSP-Verification-Request: Downloading webpage [debug] Formats sorted by: hasvid, ie_pref, lang, quality, res, fps, hdr:12(7), vcodec, channels, acodec, size, br, asr, proto, vext, aext, hasaud, source, id [debug] Default format spec: bestvideo*+bestaudio/best [info] 7150ff8ba1a8c839e6764be01025e52b9101b483: Downloading 1 format(s): 0 [debug] Invoking http downloader on "https://media.soundgasm.net/sounds/7150ff8ba1a8c839e6764be01025e52b9101b483.m4a" [debug] File locking is not supported. Proceeding without locking [download] Destination: Alea_iacta_est_irA-NA-NA-NA-F_DSP_Verification_Request-7150ff8ba1a8c839e6764be01025e52b9101b483.m4a [download] 100% of 664.40KiB in 00:00:02 at 315.01KiB/s ```
enhancement,triage
low
Critical
2,762,577,602
ant-design
Form.Item.useStatus() 返回的 errors 不能按照预期更新
### Reproduction link [https://github.com/tgxpuisb/form-item](https://github.com/tgxpuisb/form-item) ### Steps to reproduce 根据上面仓库用vite启动server,将右侧select设置为9,触发表单验证,再将右侧select选择为8触发表单验证,此时两次的error应该不同,但是 `Form.Item.useStatus()` 并未返回最新的验证信息 通过浏览器 `react component` 插件可以看出 `StatusProvider`的值有更新,但是 `FormItemInputContext.Provider`的值没有更新,由此可以初步得出可能是 `node_modules/antd/es/form/FormItem/StatusProvider.js` 中的 `formItemStatusContext`中的 `useMemo` 并为将 errors 的变化作为更新依赖导致,修改此处代码可以解决此问题 如果确定是bug,并且可以修复,请尽快发布一个修复的小版本 ### What is expected? 右侧select设置为9时 error提示 from must not equal to,再次选择为8时 error 提示为 from must not large than to ### What is actually happening? 右侧select设置为9时 error提示 from must not equal to,再次选择为8时 error 提示为 from must not equal to,没有正常更新 | Environment | Info | | --- | --- | | antd | 5.22.2 | | React | react | | System | 所有版本 | | Browser | 所有浏览器 | <!-- generated by ant-design-issue-helper. DO NOT REMOVE -->
unconfirmed
low
Critical
2,762,583,066
pytorch
test case got killed file_based_local_timer_test.py test_get_timer_recursive
### 🐛 Describe the bug test case get killed when running test file_based_local_timer_test.py::FileTimerTest::test_get_timer_recursive output ``` python file_based_local_timer_test.py -k 'test_get_timer_recursive' Killed ``` ### Versions main cc @mruberry @ZainRizvi
module: tests,triaged
low
Critical
2,762,596,240
rust
matching on functions with similar call stacks breaks optimized backtraces even with debuginfo
<!-- 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 //@ compile-flags: -O -C debuginfo=full fn main() { let x = String::from("unwrap_result"); match &*x { "unwrap_result" => unwrap_result(), // Commenting out this line fixes the problem. "expect_result" => expect_result(), _ => {} } } // This function should appear in the backtrace. fn unwrap_result() { Err(()).unwrap() } fn expect_result() { // Changing this line fixes the problem. Err(()).expect("oops"); } ``` I expected to see this happen: ``` stack backtrace: 0: rust_begin_unwind at /rustc/14ee63a3c651bb7a243c8b07333749ab4b152e13/library/std/src/panicking.rs:676:5 1: core::panicking::panic_fmt at /rustc/14ee63a3c651bb7a243c8b07333749ab4b152e13/library/core/src/panicking.rs:75:14 2: core::result::unwrap_failed at /rustc/14ee63a3c651bb7a243c8b07333749ab4b152e13/library/core/src/result.rs:1704:5 3: core::result::Result<T,E>::unwrap at /home/jyn/.local/lib/rustup/toolchains/nightly-x86_64-unknown-linux-gnu/lib/rustlib/src/rust/library/core/src/result.rs:1109:23 4: main::unwrap_result at ./src/main.rs:14:5 5: main::main at ./src/main.rs:5:28 6: core::ops::function::FnOnce::call_once at /home/jyn/.local/lib/rustup/toolchains/nightly-x86_64-unknown-linux-gnu/lib/rustlib/src/rust/library/core/src/ops/function.rs:250:5 ``` Instead, this happened: ``` stack backtrace: 0: rust_begin_unwind at /rustc/14ee63a3c651bb7a243c8b07333749ab4b152e13/library/std/src/panicking.rs:676:5 1: core::panicking::panic_fmt at /rustc/14ee63a3c651bb7a243c8b07333749ab4b152e13/library/core/src/panicking.rs:75:14 2: core::result::unwrap_failed at /rustc/14ee63a3c651bb7a243c8b07333749ab4b152e13/library/core/src/result.rs:1704:5 3: main::main 4: core::ops::function::FnOnce::call_once at /home/jyn/.local/lib/rustup/toolchains/nightly-x86_64-unknown-linux-gnu/lib/rustlib/src/rust/library/core/src/ops/function.rs:250:5 ``` note how the line numbers have disappeared and the frames for `unwrap_result` and `Result::unwrap` have disappeared. any of the following things fix the problem: - removing `-O` - commenting out the `expect_result` branch of the match - commenting out `Err().expect()` in the `expect_result` function. Note that this function is never called; changing it should not affect runtime behavior. - changing `let x = String::from("unwrap_result")` to `let x = "unwrap_result"`. i suspect this lets llvm do constant folding or something like that? note that i consider this a bug even though `-O` is present. the whole point of debuginfo is to work with inlined functions, and extremely similar programs that are optimized will have proper backtraces. `dwarfdump -i` reports that there is no debuginfo at all present for `unwrap_result`; doing any of the 4 things above results in debuginfo being created. i verified with a local build of the compiler that this only affects the llvm backend, not cranelift. ### 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.85.0-nightly (14ee63a3c 2024-12-29) binary: rustc commit-hash: 14ee63a3c651bb7a243c8b07333749ab4b152e13 commit-date: 2024-12-29 host: x86_64-unknown-linux-gnu release: 1.85.0-nightly LLVM version: 19.1.6 ``` @rustbot label A-debuginfo A-backtrace A-llvm
A-LLVM,A-debuginfo,T-compiler,C-discussion,A-backtrace
low
Critical
2,762,600,557
pytorch
[distributed] parallelize_module error with `SequenceParallel`
### 🐛 Describe the bug repro code: run with `torchrun --nproc-per-node=8 --local-ranks-filter=1 -m bad_match` ```python import os from typing import Optional, Tuple import torch import torch.distributed as dist from torch import nn from torch.distributed.device_mesh import init_device_mesh from torch.distributed.tensor.parallel import (SequenceParallel, parallelize_module) def cleanup(): dist.destroy_process_group() def init_distributed(): # Initializes the distributed backend # which will take care of sychronizing nodes/GPUs dist_url = "env://" # default # only works with torch.distributed.launch // torch.run rank = int(os.environ["RANK"]) world_size = int(os.environ["WORLD_SIZE"]) local_rank = int(os.environ["LOCAL_RANK"]) # this will make all .cuda() calls work properly torch.cuda.set_device(local_rank) dist.init_process_group( backend="nccl", init_method=dist_url, world_size=world_size, rank=rank, device_id=torch.device(f"cuda:{torch.cuda.current_device()}"), ) # synchronizes all the threads to reach this point before moving on dist.barrier() return world_size, rank, local_rank class AdaLayerNormZeroSingle(nn.Module): def __init__(self, embedding_dim: int, norm_type="layer_norm", bias=True): super().__init__() self.linear = nn.Linear(embedding_dim, 3 * embedding_dim, bias=bias) self.norm = nn.LayerNorm(embedding_dim, elementwise_affine=False, eps=1e-6) def forward( self, x: torch.Tensor, emb: Optional[torch.Tensor] = None, ) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor]: pass class FluxSingleTransformerBlock(nn.Module): def __init__(self, dim, mlp_ratio=4.0): super().__init__() self.mlp_hidden_dim = int(dim * mlp_ratio) self.norm = AdaLayerNormZeroSingle(dim) def forward( self, hidden_states: torch.FloatTensor, ): pass class Model(nn.Module): def __init__(self): super(Model, self).__init__() self.block = FluxSingleTransformerBlock( dim=3072, ) def forward( self, hidden_states: torch.FloatTensor, ): return self.block(hidden_states) def main(): init_distributed() mesh = init_device_mesh( "cuda", (dist.get_world_size(), )) model = Model() parallelize_module( model.block, mesh, parallelize_plan={ "norm.norm": SequenceParallel( use_local_output=True, ), } ) cleanup() if __name__ == "__main__": main() ``` error ``` [rank1]: Traceback (most recent call last): [rank1]: File "<frozen runpy>", line 198, in _run_module_as_main [rank1]: File "<frozen runpy>", line 88, in _run_code [rank1]: File "/home/pagoda/t2i/bad_match.py", line 70, in <module> [rank1]: main() [rank1]: File "/home/pagoda/t2i/bad_match.py", line 59, in main [rank1]: parallelize_module( [rank1]: File "/home/pagoda/venv/lib/python3.11/site-packages/torch/distributed/tensor/parallel/api.py", line 112, in parallelize_module [rank1]: parallelize_module(submodule, device_mesh, parallelize_style) [rank1]: File "/home/pagoda/venv/lib/python3.11/site-packages/torch/distributed/tensor/parallel/api.py", line 85, in parallelize_module [rank1]: return parallelize_plan._apply(module, device_mesh) [rank1]: ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ [rank1]: File "/home/pagoda/venv/lib/python3.11/site-packages/torch/distributed/tensor/parallel/style.py", line 368, in _apply [rank1]: return distribute_module( [rank1]: ^^^^^^^^^^^^^^^^^^ [rank1]: File "/home/pagoda/venv/lib/python3.11/site-packages/torch/distributed/tensor/_api.py", line 852, in distribute_module [rank1]: partition_fn(name, submod, device_mesh) [rank1]: File "/home/pagoda/venv/lib/python3.11/site-packages/torch/distributed/tensor/parallel/style.py", line 341, in _replicate_module_fn [rank1]: module.register_parameter(p_name, replicated_param) [rank1]: File "/home/pagoda/venv/lib/python3.11/site-packages/torch/nn/modules/module.py", line 604, in register_parameter [rank1]: raise KeyError('parameter name can\'t contain "."') [rank1]: KeyError: 'parameter name can\'t contain "."' ``` ### Versions ``` Collecting environment information... PyTorch version: 2.5.1+cu124 Is debug build: False CUDA used to build PyTorch: 12.4 ROCM used to build PyTorch: N/A OS: Ubuntu 20.04.6 LTS (x86_64) GCC version: (Ubuntu 9.4.0-1ubuntu1~20.04.2) 9.4.0 Clang version: Could not collect CMake version: Could not collect Libc version: glibc-2.31 Python version: 3.11.9 (main, May 14 2024, 09:36:59) [GCC 9.4.0] (64-bit runtime) Python platform: Linux-5.10.0-136.36.0.112.4.oe2203sp1.x86_64-x86_64-with-glibc2.31 Is CUDA available: True CUDA runtime version: 12.1.105 CUDA_MODULE_LOADING set to: LAZY GPU models and configuration: GPU 0: NVIDIA A800-SXM4-80GB GPU 1: NVIDIA A800-SXM4-80GB GPU 2: NVIDIA A800-SXM4-80GB GPU 3: NVIDIA A800-SXM4-80GB GPU 4: NVIDIA A800-SXM4-80GB GPU 5: NVIDIA A800-SXM4-80GB GPU 6: NVIDIA A800-SXM4-80GB GPU 7: NVIDIA A800-SXM4-80GB Nvidia driver version: 535.161.07 cuDNN version: Probably one of the following: /usr/lib/x86_64-linux-gnu/libcudnn.so.8.9.0 /usr/lib/x86_64-linux-gnu/libcudnn_adv_infer.so.8.9.0 /usr/lib/x86_64-linux-gnu/libcudnn_adv_train.so.8.9.0 /usr/lib/x86_64-linux-gnu/libcudnn_cnn_infer.so.8.9.0 /usr/lib/x86_64-linux-gnu/libcudnn_cnn_train.so.8.9.0 /usr/lib/x86_64-linux-gnu/libcudnn_ops_infer.so.8.9.0 /usr/lib/x86_64-linux-gnu/libcudnn_ops_train.so.8.9.0 HIP runtime version: N/A MIOpen runtime version: N/A Is XNNPACK available: True CPU: Architecture: x86_64 CPU op-mode(s): 32-bit, 64-bit Byte Order: Little Endian Address sizes: 46 bits physical, 57 bits virtual CPU(s): 128 On-line CPU(s) list: 0-127 Thread(s) per core: 2 Core(s) per socket: 32 Socket(s): 2 NUMA node(s): 2 Vendor ID: GenuineIntel CPU family: 6 Model: 106 Model name: Intel(R) Xeon(R) Platinum 8352Y CPU @ 2.20GHz Stepping: 6 CPU MHz: 2800.001 CPU max MHz: 3400.0000 CPU min MHz: 800.0000 BogoMIPS: 4400.00 Virtualization: VT-x L1d cache: 3 MiB L1i cache: 2 MiB L2 cache: 80 MiB L3 cache: 96 MiB NUMA node0 CPU(s): 0-31,64-95 NUMA node1 CPU(s): 32-63,96-127 Vulnerability Itlb multihit: Not affected Vulnerability L1tf: Not affected Vulnerability Mds: Not affected Vulnerability Meltdown: Not affected Vulnerability Mmio stale data: Vulnerable Vulnerability Retbleed: Not affected Vulnerability Spec store bypass: Vulnerable Vulnerability Spectre v1: Vulnerable: __user pointer sanitization and usercopy barriers only; no swapgs barriers Vulnerability Spectre v2: Vulnerable, IBPB: disabled, STIBP: disabled, PBRSB-eIBRS: Vulnerable Vulnerability Srbds: Not affected Vulnerability Tsx async abort: Not affected Flags: fpu vme de pse tsc msr pae mce cx8 apic sep mtrr pge mca cmov pat pse36 clflush dts acpi mmx fxsr sse sse2 ss ht tm pbe syscall nx pdpe1gb rdtscp lm constant_tsc art arch_perfmon pebs bts rep_good nopl xtopology nonstop_tsc cpuid aperfmperf pni pclmulqdq dtes64 ds_cpl vmx smx est tm2 ssse3 sdbg fma cx16 xtpr pdcm pcid dca sse4_1 sse4_2 x2apic movbe popcnt tsc_deadline_timer aes xsave avx f16c rdrand lahf_lm abm 3dnowprefetch cpuid_fault epb cat_l3 invpcid_single intel_ppin ssbd mba ibrs ibpb stibp ibrs_enhanced tpr_shadow vnmi flexpriority ept vpid ept_ad fsgsbase tsc_adjust bmi1 avx2 smep bmi2 erms invpcid cqm rdt_a avx512f avx512dq rdseed adx smap avx512ifma clflushopt clwb intel_pt avx512cd sha_ni avx512bw avx512vl xsaveopt xsavec xgetbv1 xsaves cqm_llc cqm_occup_llc cqm_mbm_total cqm_mbm_local split_lock_detect wbnoinvd dtherm ida arat pln pts hwp hwp_act_window hwp_epp hwp_pkg_req avx512vbmi umip pku ospke avx512_vbmi2 gfni vaes vpclmulqdq avx512_vnni avx512_bitalg tme avx512_vpopcntdq la57 rdpid fsrm md_clear pconfig flush_l1d arch_capabilities Versions of relevant libraries: [pip3] numpy==1.26.4 [pip3] nvidia-cublas-cu12==12.4.5.8 [pip3] nvidia-cuda-cupti-cu12==12.4.127 [pip3] nvidia-cuda-nvrtc-cu12==12.4.127 [pip3] nvidia-cuda-runtime-cu12==12.4.127 [pip3] nvidia-cudnn-cu12==9.1.0.70 [pip3] nvidia-cufft-cu12==11.2.1.3 [pip3] nvidia-curand-cu12==10.3.5.147 [pip3] nvidia-cusolver-cu12==11.6.1.9 [pip3] nvidia-cusparse-cu12==12.3.1.170 [pip3] nvidia-nccl-cu12==2.21.5 [pip3] nvidia-nvjitlink-cu12==12.4.127 [pip3] nvidia-nvtx-cu12==12.4.127 [pip3] torch==2.5.1 [pip3] torchvision==0.20.1 [pip3] triton==3.1.0 [conda] Could not collect ``` cc @H-Huang @awgu @kwen2501 @wanchaol @fegin @fduwjj @wz337 @wconstab @d4l3k @c-p-i-o
oncall: distributed,triaged
low
Critical
2,762,615,723
ant-design
虚拟表格和普通表格样式不一致
### Reproduction link [![Edit on StackBlitz](https://developer.stackblitz.com/img/open_in_stackblitz.svg)](https://stackblitz.com/run?file=demo.tsx) ### Steps to reproduce 通过 virtual 属性来回切换虚拟表格时可以看得有明显的样式差异,最明显的便是滚动条样式,给用户带来了不一致的体验 ### What is expected? 重写虚拟滚动逻辑 ![image](https://github.com/user-attachments/assets/4f5c1651-5123-43d7-ab08-3de757708b77) ```tsx import type { DOMAttributes } from 'react' import { forwardRef, memo, useImperativeHandle, useMemo, useRef } from 'react' import type { Scroll } from '../types' import { useTableContext } from '../context' import { useFlattenRecords } from '../hooks' import type { VirtaulScrollProps } from './virtual-scroll' import VirtualScroll from './virtual-scroll' import ColGroup from '../col-group' import Tbody from './tbody' export interface BodyProps<RecordType> { data: readonly RecordType[] colWidths: number[] isVirtual?: boolean scrollX?: Scroll['x'] scrollY?: Scroll['y'] onScroll?: DOMAttributes<HTMLDivElement>['onScroll'] } const BodyScroll = forwardRef<HTMLDivElement, VirtaulScrollProps<any>>( ({ children, data, onScroll, ...restProps }, ref) => ( <div {...restProps} ref={ref} onScroll={onScroll}> {children?.({ data })} </div> ) ) const Body = forwardRef<HTMLDivElement, BodyProps<any>>((props, ref) => { const { isVirtual, scrollX, scrollY, onScroll, data, colWidths, ...restProps } = props const { prefixCls, expandColumnName, expandedKeys, xScroll, yScroll, getRowKey, getComponent } = useTableContext( ({ prefixCls, expandColumnName, expandedKeys, xScroll, yScroll, getRowKey, getComponent }) => ({ prefixCls, expandColumnName, expandedKeys, xScroll, yScroll, getRowKey, getComponent }) ) const flattenData = useFlattenRecords(data, expandColumnName, expandedKeys, getRowKey) const TableComponent = getComponent(['table'], 'table') const elRef = useRef<HTMLDivElement>(null) useImperativeHandle(ref, () => elRef.current!) const ScrollBody = useMemo(() => { if (isVirtual) return VirtualScroll return BodyScroll }, [isVirtual]) const mergedTableStyle = useMemo( () => ({ width: scrollX, minWidth: '100%', tableLayout: 'fixed' }), [scrollX] ) return ( <ScrollBody ref={elRef} data={flattenData} style={{ maxHeight: scrollY, // HACK: webkit scrollbar shaking overflow: `${xScroll ? 'scroll' : 'visible'} ${yScroll ? 'scroll' : 'visible'}` }} className={`${prefixCls}-body`} onScroll={onScroll} > {(props) => ( <TableComponent {...restProps} style={mergedTableStyle}> <ColGroup colWidths={colWidths.map((width) => width)} /> <Tbody {...props} /> </TableComponent> )} </ScrollBody> ) }) export default memo(Body) ``` // virtual scroll 逻辑 ```tsx import type { CSSProperties, DOMAttributes, ReactNode, TdHTMLAttributes, UIEvent } from 'react' import { forwardRef, useImperativeHandle, useMemo, useRef, useState } from 'react' import { flushSync } from 'react-dom' import { useIsomorphicLayoutEffect } from '../../../_hooks' import { useTableContext } from '../context' import type { ColumnType } from '../types' import type { TbodyProps } from './tbody' export interface VirtaulScrollProps<RecordType> { className?: string style?: CSSProperties originData?: TbodyProps<RecordType>['data'] data: TbodyProps<RecordType>['data'] children?: (params: TbodyProps<RecordType>) => ReactNode onScroll?: DOMAttributes<HTMLDivElement>['onScroll'] } const VirtualScroll = forwardRef<HTMLDivElement, VirtaulScrollProps<any>>((props, ref) => { const { data, children, onScroll, ...restProps } = props const { flattenColumns, columnKeys, componentHeight, rowHeight, onRowSpanChange } = useTableContext( ({ flattenColumns, columnKeys, componentHeight, rowHeight, onRowSpanChange }) => ({ flattenColumns, columnKeys, componentHeight, rowHeight, onRowSpanChange }) ) const elRef = useRef<HTMLDivElement>(null) const [offsetTop, setOffsetTop] = useState<number>(0) // TODO: read height from cahceHeights const { scrollHeight, start, end, offset } = useMemo(() => { let itemTop = 0 let startIndex: number | undefined let startOffset: number | undefined let endIndex: number | undefined for (let i = 0; i < data.length; i += 1) { // const item = mergedData[i] // const key = getKey(item) // const cacheHeight = heights.get(key) // const currentItemBottom = itemTop + (cacheHeight === undefined ? itemHeight : cacheHeight) const currentItemBottom = itemTop + rowHeight if (currentItemBottom > offsetTop && startIndex == null) { startIndex = i startOffset = itemTop } if (currentItemBottom > offsetTop + componentHeight && endIndex == null) { endIndex = i } itemTop = currentItemBottom } if (startIndex == null) { startIndex = 0 startOffset = 0 endIndex = Math.ceil(componentHeight / rowHeight) } if (endIndex === undefined) { endIndex = data.length - 1 } endIndex = Math.min(endIndex + 1, data.length - 1) return { scrollHeight: itemTop, start: startIndex, end: endIndex, offset: Math.max(startOffset as number, offsetTop) } }, [data.length, offsetTop, componentHeight, rowHeight]) useImperativeHandle(ref, () => elRef.current!) const handleScroll = ({ target }: { target: Element }) => { flushSync(() => { const scrollTop = Math.max(Math.min(target.scrollTop, scrollHeight - componentHeight), 0) return setOffsetTop(scrollTop) }) } const onBodyScroll = (e: UIEvent<HTMLDivElement>) => { onScroll?.(e) handleScroll?.({ target: e.currentTarget }) } // ====================== RowSpans Effect ====================== const getRowSpan = (column: ColumnType<any>, index: number): number => { const record = data[index]?.record const { onCell } = column if (onCell) { const cellProps = onCell(record, index) as TdHTMLAttributes<HTMLElement> return cellProps?.rowSpan ?? 1 } return 1 } // 用以修正在虚拟滚动时,跨行带来的表格错位 useIsomorphicLayoutEffect(() => { if (start <= 0) return let restColumns = flattenColumns.filter((column) => getRowSpan(column, start) === 0) if (restColumns.length) { for (let rowIndex = start - 1; rowIndex >= 0; rowIndex -= 1) { restColumns = restColumns.filter((column) => { const rowSpan = getRowSpan(column, rowIndex) if (start - rowIndex < rowSpan) { const colIndex = flattenColumns.findIndex((col) => col === column) const key = columnKeys[colIndex] key && onRowSpanChange(key, rowIndex, rowSpan) } return rowSpan === 0 }) if (!restColumns.length) { break } } } }, [flattenColumns, columnKeys, start]) const style = { paddingTop: offset, paddingBottom: Math.max(scrollHeight - offset - componentHeight, 0) } return ( <div {...restProps} ref={elRef} onScroll={onBodyScroll}> <div style={style}> {children?.({ data: data.slice(start, end + 1) })} </div> </div> ) }) export default VirtualScroll ``` ### What is actually happening? no response | Environment | Info | | --- | --- | | antd | 5.22.7 | | React | 18.0.0 | | System | windows | | Browser | edge 114.0.1823.37 | <!-- generated by ant-design-issue-helper. DO NOT REMOVE -->
unconfirmed
low
Minor
2,762,624,548
TypeScript
static block on unnamed class produces invalid javascript
### 🔎 Search Terms - class - invalid - codegen - static ### 🕗 Version & Regression Information - This changed after version 4.4 - This is the behavior in every version I tried, and I reviewed the FAQ for entries about classes, static members of classes - I was unable to test this on prior versions because static blocks where introduced in typescript 4.4 ### ⏯ Playground Link https://www.typescriptlang.org/play/?ts=5.8.0-dev.20241229#code/KYDwDg9gTgLgBAE2AMwIYFcA28DGnUDOBA3gFBwVwEyowCWOiwAthAFwB26zARsFAG5ylarQZwylKXBgALOgQB0SVnAC8cAIxCpAX1K6gA ### 💻 Code ```ts export default class{ static demo:number; static { this.demo = 1; } } ``` ### 🙁 Actual behavior TypeScript produces an invalid output where the code references an undefined `default_1` I'm assuming the empty class is meant to be assigned to this. example output: ```js var _a; class { } _a = default_1; (() => { _a.demo = 1; })(); export default default_1; ``` ### 🙂 Expected behavior I would expect typescript to assign the class to the generated default_1 ### Additional information about the issue TypeScript has been exhibiting this behavior since support for static blocks was introduced as far as I can tell, prior to version 4.4.4 in the playground produces a different set of invalid code where it just moves the block outside of the class with no modification. this still technically happens without the export default but typescript does have a warning.
Bug,Help Wanted
low
Minor
2,762,697,512
go
x/net/route: ParseRIB fail to parse utun up InterfaceMessage
### Go version go version go1.22.6 darwin/amd64 ### Output of `go env` in your module/workspace: ```shell GO111MODULE='on' GOARCH='amd64' GOBIN='' GOCACHE='/Users/ruokeqx/Library/Caches/go-build' GOENV='/Users/ruokeqx/Library/Application Support/go/env' GOEXE='' GOEXPERIMENT='' GOFLAGS='' GOHOSTARCH='amd64' GOHOSTOS='darwin' GOINSECURE='' GOMODCACHE='/Users/ruokeqx/go/pkg/mod' GOOS='darwin' GOPATH='/Users/ruokeqx/go' GOPROXY='https://goproxy.cn,direct' GOROOT='/usr/local/opt/go1.22' GOSUMDB='off' GOTMPDIR='' GOTOOLCHAIN='auto' GOTOOLDIR='/usr/local/opt/go1.22/pkg/tool/darwin_amd64' GOVCS='' GOVERSION='go1.22.6' GCCGO='gccgo' GOAMD64='v1' AR='ar' CC='clang' CXX='clang++' CGO_ENABLED='1' GOWORK='' CGO_CFLAGS='-O2 -g' CGO_CPPFLAGS='' CGO_CXXFLAGS='-O2 -g' CGO_FFLAGS='-O2 -g' CGO_LDFLAGS='-O2 -g' PKG_CONFIG='pkg-config' GOGCCFLAGS='-fPIC -arch x86_64 -m64 -pthread -fno-caret-diagnostics -Qunused-arguments -fmessage-length=0 -ffile-prefix-map=/var/folders/d8/c7cqtvp515v7tn7xmvv6v2m00000gn/T/go-build3070326303=/tmp/go-build -gno-record-gcc-switches -fno-common' ``` ### What did you do? try parse message from AF_ROUTE socket. `unix.Socket(unix.AF_ROUTE, unix.SOCK_RAW, unix.AF_UNSPEC)` `msgs, err := route.ParseRIB(route.RIBTypeRoute, data[:n])` ### What did you see happen? ParseRIB skip Interface message that indicate utun interface up ```golang // data fetch from AF_ROUTE socket data := []byte{112, 0, 5, 14, 0, 0, 0, 0, 81, 128, 0, 0, 28, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 220, 5, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 237, 0, 107, 103, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0} ``` since no RTA_IFP flag ```golang func (w *wireFormat) parseInterfaceMessage(_ RIBType, b []byte) (Message, error) { ... if attrs&syscall.RTA_IFP == 0 { return nil, nil } ... } ``` not sure if it is intended ### What did you expect to see? should return InterfaceMessage with Index and flags?
NeedsFix,FixPending
low
Critical
2,762,717,355
TypeScript
misleading error message on invalid assignment when one type parameter extends another
### 🔎 Search Terms generic, type parameter, extends, arbitrary type which could be unrelated, assignment ### 🕗 Version & Regression Information - This changed between versions TS 3.8.3 and TS 3.9.7 (well, the pre-3.9 message isn't perfect, tbh but it only becomes fully wrong after that) ### ⏯ Playground Link https://www.typescriptlang.org/play/?target=99&ts=5.8.0-dev.20241229&noUncheckedIndexedAccess=false#code/GYVwdgxgLglg9mABABwIYCdUFsCmUfoCiAHvmACYDOA8lABYEAKG2eBAPAMojIEAqAT14AaRNwBGg3ohykcFSmJ78hOAHwAKSsvRScALiW9dq0dsmrDEvQEpEAbwBQiRAHpXiPp0QBmAHQ+hnqIAOTcxnohiDCKYHBQiKiUlDAA5mCo4gA2OIhQcHmqodaqIX7Obq4V7p7e-gCsQUVhOpHRsfGJyWkZ2bn5hdItFrxliNUeLlNTLRGl7V0p6Zk5eQX0uRAIlFCYMGAJcMCDucORouIgCWfzWyBZ5Ijiufs7qAcwqPiPAO4w9IlEOQYMBgAR5AlzFAikdEFswDs9gdQvYAL5lCYTWq+PwATiaQ3CKlGCziCSSS16qwG0MJIBGOAxLhq02mNxJdweTxeCKg71gXxwv3+dESSAw4n+mHQAhOiB+dBgEFFnMez0Q4HQOCygseA1mxMZ5WZVRN2IALH4ABwE05EkwkmKIMmLHorfrrZolUbGyqstnexlwuD3NU8t4fXXykVixLoSW7DCy2m5BVKlUhrnqzXaqP6+2RX0s-3RMDIK5+KCUYgaACMonNtZsQUVihTKBYuHw6EQWDSdASYBwQtjAANZGQqIgAGqj4O8pFQX3mYIAXkQ2jmvAA3I5UUA ### 💻 Code ```ts function parameterExtendsOtherParameter<SuperType, SubType extends SuperType>(superType: SuperType, subType: SubType) { // TS 3.3: Type 'SuperType' is not assignable to type 'SubType'. // // TS 3.5: Type 'SuperType' is not assignable to type 'SubType'. // 'SuperType' is assignable to the constraint of type 'SubType', but 'SubType' could be instantiated with a different subtype of constraint '{}'. // // TS 3.9: Type 'SuperType' is not assignable to type 'SubType'. // 'SubType' could be instantiated with an arbitrary type which could be unrelated to 'SuperType'. // // TS 4.8: Type 'SuperType' is not assignable to type 'SubType'. // 'SubType' could be instantiated with an arbitrary type which could be unrelated to 'SuperType'. // input.tsx(1, 41): This type parameter might need an `extends V` constraint. subType = superType; } ``` ### 🙁 Actual behavior ```text Type 'SuperType' is not assignable to type 'SubType'. 'SubType' could be instantiated with an arbitrary type which could be unrelated to 'SuperType'. input.tsx(1, 41): This type parameter might need an `extends SubType` constraint. ``` *** The misleading thing here is that `SubType` plainly cannot be _unrelated_ to `SuperType`. It's guaranteed to be a _subtype_ of `SuperType`, since it `extends SuperType`. ### 🙂 Expected behavior The TS 3.5 error message was nearly there (just swapped `{}` for `SuperType`)... ```text Type 'SuperType' is not assignable to type 'SubType'. 'SuperType' is assignable to the constraint of type 'SubType', but 'SubType' could be instantiated with a different subtype of constraint 'SuperType'. ``` I might suggest something like this instead though: ```text type 'SuperType' is not assignable to type 'SubType'. 'SubType' is constrained to be a subtype of 'SuperType'. input.tsx: You might have swapped the left and right hand sides of the assignment. ``` This is nearly a garden-variety instance of assigning a wider type to a narrower type, it just looks tricky because of the presence of generics and `extends`. ### Additional information about the issue contrast with this example: ([playground](https://www.typescriptlang.org/play/?target=99&ts=5.8.0-dev.20241229&noUncheckedIndexedAccess=false#code/GYVwdgxgLglg9mABABwIYCdUFsCmUfoCiAHvmACYDOA8lABYEAKG2eBAPAMpToxgDmnEACMAKgE9kORDlI4KlRJR59+APgAUlAFxKVAgDRKREqbu68BQsZJwBKRAG8AUIkQB6d29PSA5Mst+X0QYRTA4KERUSkoYfjBUYQAbaSg4RChbRF8LVWsfXwA6Vw8vN399IJDFaNj4xJSM9PppCAQA1D5IuGAMrJzK-NtfI2EQSIHAoalgtpAk8kRhaT5lVDBYVHxFgHcYeijEchhgYAJ5SMoRTKlEHsQ2sA6u7IDVXxKrm1uAXiUAbmcAF8gA)) ```ts function parameterExtendsOrdinaryType<StringSubType extends string>(s: string, subType: StringSubType) { // Type 'string' is not assignable to type 'StringSubType'. // 'string' is assignable to the constraint of type 'StringSubType', but 'StringSubType' could be instantiated with a different subtype of constraint 'string' subType = s; } ``` *** cc @controversial (discovered in https://github.com/typescript-eslint/typescript-eslint/pull/10461#issuecomment-2524252783)
Help Wanted,Possible Improvement
low
Critical
2,762,743,410
godot
Cannot connect signal in InstancePlaceHolder
### Tested versions Tested version: Godot_v4.3-stable_mono_win64 ### System information Godot v4.3.stable.mono - Windows 10.0.19045 - Vulkan (Forward+) - dedicated NVIDIA GeForce GTX 1650 (NVIDIA; 31.0.15.3168) - Intel(R) Core(TM) i7-9750H CPU @ 2.60GHz (12 Threads) ### Issue description Scene reference as InstancePlaceHolder. From the Node we can see the signals of this InstancePlaceHolder, connect the signal to a method, then run the project, Godot editor reports error. ### Steps to reproduce Save a Button as Scene, set InstancePlaceholder is selected, then connect it press signal with some method. Run project, Godot Editor report error: E 0:00:01:0027 connect: In Object of type 'InstancePlaceholder': Attempt to connect nonexistent signal 'pressed' to callable 'Control::queue_free'. <C++ Error> Condition "!signal_is_valid" is true. Returning: ERR_INVALID_PARAMETER <C++ Source> core/object/object.cpp:1390 @ connect() ### Minimal reproduction project (MRP) [placeholderconnect.zip](https://github.com/user-attachments/files/18272501/placeholderconnect.zip)
discussion,topic:core,documentation
low
Critical
2,762,757,401
vscode
[Accessibility, Mouse]: When navigating with the mouse, the content in the editor is not reported to the screen reader.
Type: <b>Bug</b> This issue has existed for a long time and I am not sure if it is difficult to improve it because of the design. ## Steps to Reproduce 1. Run NVDA and turn on mouse tracking. 2. Install the Mouse enhancement Add-on in the Add-on Store to fix mouse tracking in Electron 3. Open the source file 4. Use the mouse to view the contents in the editor ## Actual Behavior Does not report what is under the mouse (excluding hover panels) ## Expected Behavior Reports content under the mouse VS Code version: Code - Insiders 1.97.0-insider (89f808979a5151bd91324e65d4f7ab1b62896983, 2024-12-20T05:04:19.167Z) OS version: Windows_NT x64 10.0.26100 Modes: <details> <summary>System Info</summary> |Item|Value| |---|---| |CPUs|12th Gen Intel(R) Core(TM) i7-12700 (12 x 2112)| |GPU Status|2d_canvas: enabled<br>canvas_oop_rasterization: enabled_on<br>direct_rendering_display_compositor: disabled_off_ok<br>gpu_compositing: enabled<br>multiple_raster_threads: enabled_on<br>opengl: enabled_on<br>rasterization: enabled<br>raw_draw: disabled_off_ok<br>skia_graphite: disabled_off<br>video_decode: enabled<br>video_encode: enabled<br>vulkan: disabled_off<br>webgl: enabled<br>webgl2: enabled<br>webgpu: enabled<br>webnn: disabled_off| |Load (avg)|undefined| |Memory (System)|63.71GB (31.77GB free)| |Process Argv|--crash-reporter-id d541528f-f74e-45c1-9b59-00b32f6da504| |Screen Reader|yes| |VM|0%| </details> <!-- generated by issue reporter -->
bug,accessibility
low
Critical
2,762,764,855
pytorch
torch.compile() returns a different value than interpreted (NaN vs 1)
### 🐛 Describe the bug Snippet: ```python import torch class Model(torch.nn.Module): def __init__(self): super().__init__() def forward(self, x): x = torch.rsqrt(x) x = torch.angle(x) x = torch.atan(x) x = torch.positive(x) x = torch.sin(x) return x func = Model().to('cpu') x = torch.tensor([0.7886758446693420, -1.1796921491622925, 0.5152440071105957, 1.4106913805007935, 1.3812966346740723, 0.5720621347427368, 1.7286888360977173, -2.2948377132415771, -0.3201593160629272, 1.3686311244964600]) pata = func(x.clone()) print(pata) func1 = torch.compile(func, fullgraph=True) tino = func1(x.clone()) print(tino) print(torch.allclose(pata, tino, equal_nan=True)) print(torch.__version__) ``` Output: ``` tensor([0., nan, 0., 0., 0., 0., 0., nan, nan, 0.]) tensor([0., 1., 0., 0., 0., 0., 0., 1., 1., 0.]) False 2.6.0a0+gitd2f7694 ``` ### Versions PyTorch version: 2.6.0a0+gitd2f7694 Is debug build: False CUDA used to build PyTorch: Could not collect ROCM used to build PyTorch: N/A OS: CentOS Stream 9 (x86_64) GCC version: (GCC) 11.5.0 20240719 (Red Hat 11.5.0-2) Clang version: 18.1.8 (CentOS 18.1.8-3.el9) CMake version: version 3.31.2 Libc version: glibc-2.34 Python version: 3.12.8 | packaged by Anaconda, Inc. | (main, Dec 11 2024, 16:31:09) [GCC 11.2.0] (64-bit runtime) Python platform: Linux-6.4.3-0_fbk14_hardened_2601_gcd42476b84e9-x86_64-with-glibc2.34 Is CUDA available: False CUDA runtime version: Could not collect CUDA_MODULE_LOADING set to: N/A GPU models and configuration: GPU 0: NVIDIA PG509-210 GPU 1: NVIDIA PG509-210 GPU 2: NVIDIA PG509-210 GPU 3: NVIDIA PG509-210 Nvidia driver version: 550.90.07 cuDNN version: Could not collect HIP runtime version: N/A MIOpen runtime version: N/A Is XNNPACK available: True CPU: Architecture: x86_64 CPU op-mode(s): 32-bit, 64-bit Address sizes: 46 bits physical, 48 bits virtual Byte Order: Little Endian CPU(s): 88 On-line CPU(s) list: 0-87 Vendor ID: GenuineIntel Model name: Intel(R) Xeon(R) Platinum 8339HC CPU @ 1.80GHz CPU family: 6 Model: 85 Thread(s) per core: 1 Core(s) per socket: 88 Socket(s): 1 Stepping: 11 BogoMIPS: 3591.74 Flags: fpu vme de pse tsc msr pae mce cx8 apic sep mtrr pge mca cmov pat pse36 clflush mmx fxsr sse sse2 ss ht syscall nx pdpe1gb rdtscp lm constant_tsc arch_perfmon rep_good nopl xtopology cpuid tsc_known_freq pni p clmulqdq vmx ssse3 fma cx16 pdcm pcid sse4_1 sse4_2 x2apic movbe popcnt tsc_deadline_timer aes xsave avx f16c rdrand hypervisor lahf_lm abm 3dnowprefetch cpuid_fault invpcid_single ssbd ibrs ibpb stibp ibrs_enhanced tpr_shadow flexpriority ept v pid ept_ad fsgsbase tsc_adjust bmi1 avx2 smep bmi2 erms invpcid mpx avx512f avx512dq rdseed adx smap clflushopt clwb avx512cd avx512bw avx512vl xsaveopt xsavec xgetbv1 xsaves avx512_bf16 arat vnmi umip pku ospke avx512_vnni md_clear flush_l1d ar ch_capabilities Virtualization: VT-x Hypervisor vendor: KVM Virtualization type: full L1d cache: 2.8 MiB (88 instances) L1i cache: 2.8 MiB (88 instances) L2 cache: 352 MiB (88 instances) L3 cache: 16 MiB (1 instance) NUMA node(s): 1 NUMA node0 CPU(s): 0-87 Vulnerability Gather data sampling: Unknown: Dependent on hypervisor status Vulnerability Itlb multihit: Not affected Vulnerability L1tf: Not affected Vulnerability Mds: Not affected Vulnerability Meltdown: Not affected Vulnerability Mmio stale data: Vulnerable Vulnerability Retbleed: Vulnerable Vulnerability Spec store bypass: Vulnerable Vulnerability Spectre v1: Vulnerable: __user pointer sanitization and usercopy barriers only; no swapgs barriers Vulnerability Spectre v2: Vulnerable, IBPB: disabled, STIBP: disabled, PBRSB-eIBRS: Vulnerable Vulnerability Srbds: Not affected Vulnerability Tsx async abort: Mitigation; TSX disabled Versions of relevant libraries: [pip3] mypy==1.13.0 [pip3] mypy-extensions==1.0.0 [pip3] numpy==1.26.2 [pip3] onnx==1.17.0 [pip3] onnxscript==0.1.0.dev20240817 [pip3] optree==0.13.0 [pip3] torch==2.6.0a0+gitd2f7694 [conda] blas 1.0 mkl [conda] mkl 2023.1.0 h213fc3f_46344 [conda] mkl-include 2023.1.0 h06a4308_46344 [conda] mkl-service 2.4.0 py312h5eee18b_1 [conda] mkl_fft 1.3.11 py312h5eee18b_0 [conda] mkl_random 1.2.8 py312h526ad5a_0 [conda] numpy 1.26.2 pypi_0 pypi [conda] optree 0.13.0 pypi_0 pypi [conda] torch 2.6.0a0+gitd2f7694 dev_0 <develop> cc @jgong5 @mingfeima @XiaobingSuper @sanchitintel @ashokei @jingxu10 @chauhang @penguinwu
module: cpu,module: NaNs and Infs,oncall: pt2,oncall: cpu inductor
low
Critical
2,762,778,805
PowerToys
Workspace takes wrong version of Access
### Microsoft PowerToys version 0.87.1 ### Installation method GitHub ### Running as admin None ### Area(s) with issue? Workspaces ### Steps to reproduce Installing both MS Access 365 & MS Access Runtime 2010, Opening MS Accesss 2010 adp file. Saving Workspace. Editing workspace to include CLI argument as path to ADP file. Close all apps. Launch workspace. ### ✔️ Expected Behavior Launching MS Access Runtime 2010. And opening the proper ADP file. ### ❌ Actual Behavior Launching MS Access 365 instead of runtime 2010 ### Other Software MS Access Runtime 2010 MS Access 365
Issue-Bug,Needs-Triage,Product-Workspaces
low
Minor
2,762,782,625
vscode
Relative file link in Terminal not clickable
<!-- ⚠️⚠️ 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. --> Version: 1.96.2 (user setup) Commit: fabdb6a30b49f79a7aba0f2ad9df9b399473380f Date: 2024-12-19T10:22:47.216Z Electron: 32.2.6 ElectronBuildId: 10629634 Chromium: 128.0.6613.186 Node.js: 20.18.1 V8: 12.8.374.38-electron.0 OS: Windows_NT x64 10.0.22631 Steps to Reproduce: The integrated terminal file link works for absolute path (e.g.: `/usr/x/proj/_snapshot/snapshot-1.png`), and relative files that are not ignored (e.g.: `src/index.ts`). But if the file/folder is gitignored (e.g.: `./_snapshot/snapshot-1.png` while `_snapshot` is ignored in `.gitignore`), it doesn't work (clicking on shows `No matching results`) Originally asked in: https://discord.com/channels/470167643710816277/1320179380315623494/1320179380315623494
terminal-links
low
Critical
2,762,788,506
flutter
[engine][macOS/iOS] Make Flutter's Public Headers Swift 6 Friendly
### Use case With the release of Swift 6, the Swift community is adopting **Swift Strict Concurrency** and the **Swift 6 Language Mode**. However, based on my testing, Flutter's public headers are not fully compatible with Swift 6. For instance, the following code generates warnings when used in **Swift Strict Concurrency** (`-swift-version 5 -enable-upcoming-feature StrictConcurrency`) and errors in **Swift 6 Language Mode** (`-swift-version 6`): ```swift @MainActor class StringChannel { static let shared = StringChannel() static func setUp( binaryMessenger: FlutterBinaryMessenger, codec: NSObjectProtocol & FlutterMessageCodec ) { let channel = FlutterBasicMessageChannel( name: "com.example.TestApp/StringChannel", binaryMessenger: binaryMessenger, codec: codec ) channel.setMessageHandler { (message, reply) in print("native: StringChannel received message: \(message ?? "nil")") DispatchQueue.global().asyncAfter(deadline: .now() + 1) { @Sendable in let message = "StringChannel reply message" print("native: StringChannel sending reply: \(message)") reply(message) // <-- Warning: Capture of 'reply' with non-sendable type 'FlutterReply' in a `@Sendable` closure Task { @MainActor in let message = "StringChannel message from background" print("native: StringChannel sending message: \(message)") // There are two versions of sendMessage in FlutterChannel.h. One does not // have a reply callback, while the other does. It seems that if a Swift // function is async or in an isolated context, Swift always chooses the // version with a reply callback and converts it to an async function. // That's why we need to await the result of sendMessage. let reply = await channel.sendMessage(message) // <-- Warning: Capture of 'channel' with non-sendable type 'FlutterBasicMessageChannel' in a `@Sendable` closure // <-- Warning: Non-sendable type 'Any?' returned by implicitly asynchronous call cannot cross actor boundary; this is an error in Swift 6 Language Mode print("native: StringChannel received reply: \(reply ?? "nil")") } } } } } ``` Currently, the workaround is to use the `@preconcurrency` attribute when importing the Flutter module in Swift. However, this is neither ideal nor sustainable, as the Swift compiler bypasses all concurrency checks for the Flutter module. ### Proposal To address this issue, I propose adding proper Swift concurrency annotations to Flutter's public headers. For example: ```objc #if __has_attribute(swift_attr) #define FLUTTER_SWIFT_SENDABLE __attribute__((swift_attr("@Sendable"))) #define FLUTTER_SWIFT_MAIN_ACTOR __attribute__((swift_attr("@MainActor"))) #else #define FLUTTER_SWIFT_SENDABLE #define FLUTTER_SWIFT_MAIN_ACTOR #endif typedef void (^FLUTTER_SWIFT_SENDABLE FlutterReply)(FLUTTER_SWIFT_SENDABLE id _Nullable reply); FLUTTER_DARWIN_EXPORT FLUTTER_SWIFT_MAIN_ACTOR @interface FlutterBasicMessageChannel : NSObject ... @end ``` This approach would: 1. Make `FlutterReply` sendable, enabling its use in Swift concurrency contexts without warnings. 2. Isolate `FlutterBasicMessageChannel` to the main actor, similar to `@UiThread` annotations used in Android (`flutter/shell/platform/android/io/flutter/plugin/common/BinaryMessenger.java`). The `swift_attr` attribute is supported by Clang and ignored in non-Swift contexts, ensuring no runtime behavior changes. Apple provides a [Swift 6 Concurrency Migration Guide](https://www.swift.org/migration/documentation/migrationguide), which includes guidelines for Objective-C APIs. These resources offer a solid foundation for making Flutter's public headers Swift 6 compatible. To ensure compatibility and prevent regressions: 1. **Add Swift Test Code**: Include test cases in the Flutter repository that use Flutter's public headers to verify concurrency compliance. 2. **Enable GN Build System for Swift**: The existing GN build system supports Swift. While some helper scripts (available in the Chromium repository) might be needed, I have successfully set this up locally and found it straightforward. 3. **CI Validation**: Enable warnings as errors for Swift, ensuring compatibility with Swift 6 in CI pipelines. (Based on feedback, I can create a detailed design document outlining the implementation in greater depth.)
platform-ios,engine,platform-mac,c: proposal,P2,team-ios,triaged-ios
low
Critical
2,762,851,051
vscode
[Accessibility, Mouse]: When using the mouse to navigate a menu, the content behind the menu is reported to the screen reader.
Type: <b>Bug</b> This issue has existed for a long time. ## Steps to Reproduce 1. Run NVDA and turn on mouse tracking. 2. Install the Mouse enhancement Add-on in the Add-on Store to fix mouse tracking in Electron 3. On non-editor pages, use the mouse to navigate the help menu ## Actual Behavior will report the contents of the back of the menu. ## Expected Behavior Does not report the contents of the back of the menu. ## screenshot https://github.com/user-attachments/assets/7f23b8a1-c77a-466c-bb76-c7aae7c938a9 VS Code version: Code - Insiders 1.97.0-insider (89f808979a5151bd91324e65d4f7ab1b62896983, 2024-12-20T05:04:19.167Z) OS version: Windows_NT x64 10.0.26100 Modes: <details> <summary>System Info</summary> |Item|Value| |---|---| |CPUs|12th Gen Intel(R) Core(TM) i7-12700 (12 x 2112)| |GPU Status|2d_canvas: enabled<br>canvas_oop_rasterization: enabled_on<br>direct_rendering_display_compositor: disabled_off_ok<br>gpu_compositing: enabled<br>multiple_raster_threads: enabled_on<br>opengl: enabled_on<br>rasterization: enabled<br>raw_draw: disabled_off_ok<br>skia_graphite: disabled_off<br>video_decode: enabled<br>video_encode: enabled<br>vulkan: disabled_off<br>webgl: enabled<br>webgl2: enabled<br>webgpu: enabled<br>webnn: disabled_off| |Load (avg)|undefined| |Memory (System)|63.71GB (35.80GB free)| |Process Argv|--crash-reporter-id d541528f-f74e-45c1-9b59-00b32f6da504 --crash-reporter-id d541528f-f74e-45c1-9b59-00b32f6da504| |Screen Reader|yes| |VM|0%| </details> <!-- generated by issue reporter -->
bug,accessibility
low
Critical
2,762,867,617
ant-design
支持给 RangePicker 两个 input 元素单独指定 id 和 className 等属性
### What problem does this feature solve? 在自动化测试中,我们经常需要精准定位到 input 并填充内容,通常需要 id 或 className 或 data-testid 之类的属性。然而目前 RangePicker 组件无法轻松地添加这些属性,除非自定义整个 input 组件,成本有点高。 ### What does the proposed API look like? ```jsx <DatePicker.RangePicker startInputProps={{ className: 'event-start-date' }} endInputProps={{ className: 'event-end-date' }} /> ``` 或者 ```jsx <DatePicker.RangePicker classNames={{ startInput: 'event-start-date', endInput: 'event-end-date' }} /> ``` <!-- generated by ant-design-issue-helper. DO NOT REMOVE -->
unconfirmed
low
Minor
2,762,910,214
node
vm.runInContext Function Prototype Issue
### What is the problem this feature will solve? I'm having an issue with the vm module in Node.js.The function prototypes defined within a script using vm.runInContext do not match Function.prototype. ```javascript const vm = require('vm'); const context = vm.createContext({ console, Function: Function }); const script = new vm.Script(` function test() { return "Hello, World!"; } console.log(test.prototype === Function.prototype); // Expected: true, Actual: false `); script.runInContext(context); ``` ### What is the feature you are proposing to solve the problem? Tried using proxies, manual prototype setting, custom constructors, but none worked. ### What alternatives have you considered? _No response_
feature request
low
Minor
2,762,913,280
vscode
HDR causes missing cursor in text areas
Type: <b>Bug</b> text cursor works fine in SDR. Flip display to HDR and the cursor stops showing up in text fields, main text window, and the terminal. VS Code version: Code 1.96.2 (fabdb6a30b49f79a7aba0f2ad9df9b399473380f, 2024-12-19T10:22:47.216Z) OS version: Windows_NT x64 10.0.26100 Modes: <details> <summary>System Info</summary> |Item|Value| |---|---| |CPUs|Intel(R) Core(TM) Ultra 9 185H (22 x 3072)| |GPU Status|2d_canvas: enabled<br>canvas_oop_rasterization: enabled_on<br>direct_rendering_display_compositor: disabled_off_ok<br>gpu_compositing: enabled<br>multiple_raster_threads: enabled_on<br>opengl: enabled_on<br>rasterization: enabled<br>raw_draw: disabled_off_ok<br>skia_graphite: disabled_off<br>video_decode: enabled<br>video_encode: enabled<br>vulkan: disabled_off<br>webgl: enabled<br>webgl2: enabled<br>webgpu: enabled<br>webnn: disabled_off| |Load (avg)|undefined| |Memory (System)|63.49GB (41.59GB free)| |Process Argv|--crash-reporter-id 2eedba93-d966-406a-8e6f-1287c6c68b2e| |Screen Reader|no| |VM|0%| </details><details><summary>Extensions (7)</summary> Extension|Author (truncated)|Version ---|---|--- continue|Con|0.8.66 vscode-docker|ms-|1.29.3 debugpy|ms-|2024.14.0 python|ms-|2024.22.1 vscode-pylance|ms-|2024.12.1 remote-containers|ms-|0.394.0 remote-wsl|ms-|0.88.5 </details><details> <summary>A/B Experiments</summary> ``` vsliv368:30146709 vspor879:30202332 vspor708:30202333 vspor363:30204092 vswsl492:30256859 vscod805cf:30301675 binariesv615:30325510 vsaa593:30376534 py29gd2263:31024239 c4g48928:30535728 azure-dev_surveyone:30548225 962ge761:30959799 pythonnoceb:30805159 pythonmypyd1:30879173 h48ei257:31000450 pythontbext0:30879054 cppperfnew:31000557 dsvsc020:30976470 pythonait:31006305 dsvsc021:30996838 dvdeprecation:31068756 dwnewjupyter:31046869 nativerepl1:31139838 pythonrstrctxt:31112756 nativeloc1:31192215 cf971741:31144450 iacca1:31171482 notype1cf:31157160 5fd0e150:31155592 dwcopilot:31170013 stablechunks:31184530 6074i472:31201624 ``` </details> <!-- generated by issue reporter -->
info-needed
low
Critical
2,762,933,686
TypeScript
private fields in nested classes should have separate types?
### 🔍 Search Terms typescript private field nested class ### ✅ Viability Checklist - [x] This wouldn't be a breaking change in existing TypeScript/JavaScript code - [x] This wouldn't change the runtime behavior of existing JavaScript code - [x] This could be implemented without emitting different JS based on the types of the expressions - [x] This isn't a runtime feature (e.g. library functionality, non-ECMAScript syntax with JavaScript output, new syntax sugar for JS, etc.) - [x] This isn't a request to add a new utility type: https://github.com/microsoft/TypeScript/wiki/No-New-Utility-Types - [x] This feature would agree with the rest of our Design Goals: https://github.com/Microsoft/TypeScript/wiki/TypeScript-Design-Goals ### ⭐ Suggestion Private fields of a wrapper class are similar to symbols: perhaps the nested classes could have their own types for the fields based on the value they initialize in their constructor: ### 📃 Motivating Example https://www.typescriptlang.org/play/?noImplicitAny=false#code/MYGwhgzhAEBiBOBLApgOwCYwN4CgCQAxAG5ggCuyO+sA9jdALzSiQy33IAeALmpnEj7Z8eYDVQRu8MsG414ACgCU0XHnUQyAB2SKlIvNwAWiCADpipCo2gAWAKwA2aAHoX0ADwBaH779foVDIAWwAjXREAXyp1ADM6AFlkYxp0ZVUDMQkaEGQzEBoAcwVjUwsScmR9dWi8aPwAITB4GxYoaCaWrl4MGFLzdgz1LMlpWXl0tQ1tXWUDfvKrZBsAIgB2AA4AThXXd29-Q59oUcRUQqiYvFDmpJS0lSnRcQgcvILihctK6rr8aPqI24qnYABoOs1IjZUMgAO4CFC9OY4IHQWLQuFwOhzVGhDHwzrI2JmeI0O5GVLpNzQD4wFYORwrHChMw3eDkykqam06DrbYrIA Plain JS: ```js class Friends { #priv Foo = class Foo extends Friends { constructor() { super() this.#priv = 456 // <----------- number } fooMethod() { console.log(this.#priv) } } Bar = class Bar extends this.Foo { constructor() { super() this.#priv = "789" // <-------------- string } barMethod() { console.log(this.#priv) } } } const {Foo, Bar} = new Friends() const f = new Foo() const b = new Bar() f.fooMethod() // logs "456" b.barMethod() // logs "789" ``` ### 💻 Use Cases Allows having a "private" key to use on multiple classes, but each class could have a different type of value.
Suggestion,Awaiting More Feedback
low
Minor