Tag: Impl

python – Pytorch-Scarf package RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:0 and cpu

RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:0 and cpu! This comes when I run the example notebook from this github repo. Here is the code: batch_size = 128 epochs = 1000 device = torch.device(“cuda” if torch.cuda.is_available() else “cpu”) train_loader =…

Continue Reading python – Pytorch-Scarf package RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:0 and cpu

Import torch gives Segmentation fault on Jetson Orin Nano – Jetson Nano

Hi.I’m having troubles with torch on my Jetson Orin NanoWhen I try to import it in python the interpreter crashes.I tried to run it with the fault handler here is the output: python3 -q -X faulthandler >>> import torch Fatal Python error: Segmentation fault Current thread 0x0000ffff8411c010 (most recent call…

Continue Reading Import torch gives Segmentation fault on Jetson Orin Nano – Jetson Nano

h5ad cellxgene to R

I am trying to bring this small dataset (1496 cells, 43MB) from cellxgene. 1 R SeuratDisk h5ad to h5seurat and then to seurat. library(SeuratDisk) SeuratDisk::Convert(“local.h5ad”, dest = “local.h5seurat”, overwrite=TRUE) g <- SeuratDisk::LoadH5Seurat(“local.h5seurat”, meta.data=FALSE, misc=FALSE) Validating h5Seurat file Initializing RNA with data Adding counts for RNA Adding feature-level metadata for RNA…

Continue Reading h5ad cellxgene to R

Jupyterhub deployment on k8s 1.27 – Zero to JupyterHub on Kubernetes

viral May 31, 2023, 3:37am 1 Hello! I am trying to deploy Jupyterhub 2.0.0 helm chart on k8s version 1.27.2 inside minikube VM. When trying to deploy the helm chart locally, I get the following error on hub pod (after this pod keeps on restarting with the same error): Loading…

Continue Reading Jupyterhub deployment on k8s 1.27 – Zero to JupyterHub on Kubernetes

PhpStorm 2021.1: exception Cannot create configurable

com.intellij.diagnostic.PluginException: Cannot create class de.espend.idea.php.toolbox.ui.application.ToolboxApplicationForm (classloader=PluginClassLoader(plugin=PluginDescriptor(name=PHP Toolbox, id=de.espend.idea.php.toolbox, descriptorPath=plugin.xml, path=~/Library/Application Support/JetBrains/Toolbox/apps/PhpStorm/ch-0/211.6693.120/PhpStorm.app.plugins/PHP Toolbox, version=5.1.1, package=null), packagePrefix=null, instanceId=60, state=active)) at com.intellij.serviceContainer.ComponentManagerImpl.instantiateClass(ComponentManagerImpl.kt:763) at com.intellij.serviceContainer.ComponentManagerImpl.instantiateClass(ComponentManagerImpl.kt:781) at com.intellij.openapi.options.ConfigurableEP$ClassProducer.createElement(ConfigurableEP.java:440) at com.intellij.openapi.options.ConfigurableEP.createConfigurable(ConfigurableEP.java:346) at com.intellij.openapi.options.ex.ConfigurableWrapper.createConfigurable(ConfigurableWrapper.java:42) at com.intellij.openapi.options.ex.ConfigurableWrapper.getConfigurable(ConfigurableWrapper.java:116) at com.intellij.openapi.options.ex.ConfigurableWrapper.cast(ConfigurableWrapper.java:91) at com.intellij.openapi.options.newEditor.SettingsTreeView.findConfigurableProject(SettingsTreeView.java:312) at com.intellij.openapi.options.newEditor.SettingsTreeView$MyRenderer.getTreeCellRendererComponent(SettingsTreeView.java:643) at java.desktop/javax.swing.plaf.basic.BasicTreeUI$NodeDimensionsHandler.getNodeDimensions(BasicTreeUI.java:3155) at java.desktop/javax.swing.tree.AbstractLayoutCache.getNodeDimensions(AbstractLayoutCache.java:493) at java.desktop/javax.swing.tree.VariableHeightLayoutCache$TreeStateNode.updatePreferredSize(VariableHeightLayoutCache.java:1344) at java.desktop/javax.swing.tree.VariableHeightLayoutCache$TreeStateNode.expand(VariableHeightLayoutCache.java:1465) at java.desktop/javax.swing.tree.VariableHeightLayoutCache$TreeStateNode.expand(VariableHeightLayoutCache.java:1272) at java.desktop/javax.swing.tree.VariableHeightLayoutCache.ensurePathIsExpanded(VariableHeightLayoutCache.java:967) at java.desktop/javax.swing.tree.VariableHeightLayoutCache.setExpandedState(VariableHeightLayoutCache.java:181) at…

Continue Reading PhpStorm 2021.1: exception Cannot create configurable

Integrate a qnode supporting parameter broadcast into a pytorch model – PennyLane Help

Currently, I’m working on a quantum neural network that integrates a Qnode into a PyTorch model. To accelerate the computation, I use the ‘Parameter broadcast’ feature. The device I used is default.qubit. However, it only works when the diff_method is backprop. When use parameter_shift or adjoint, it will throw error…

Continue Reading Integrate a qnode supporting parameter broadcast into a pytorch model – PennyLane Help

Compiling GROMACS 2023 with Intel LLVM compilers – User discussions

Erik May 24, 2023, 5:01pm 1 GROMACS version: 2023.1GROMACS modification: No I’m trying to compile GROMACS 2023 using Intel’s LLVM compilers and have run into a number of issues. The first is that they don’t seem to play nicely with nvcc because of a bug with the way nvcc sets…

Continue Reading Compiling GROMACS 2023 with Intel LLVM compilers – User discussions

fix the false linkup in xgbe_phy_status

[PATCH net] amd-xgbe: fix the false linkup in xgbe_phy_status * [PATCH net] amd-xgbe: fix the false linkup in xgbe_phy_status @ 2023-05-24 17:49 Raju Rangoju 0 siblings, 0 replies; only message in thread From: Raju Rangoju @ 2023-05-24 17:49 UTC (permalink / raw) To: netdev Cc: davem, edumazet, kuba, pabeni, Shyam-sundar.S-k,…

Continue Reading fix the false linkup in xgbe_phy_status

Crash if numworkers>0 – Lightning AI

Hello everyone, I’ve got a really weird problem.If I set my num_workers > 0 I get a crash in (or before?) the initial sanity check. The task manager shows that the disk usage is high and the RAM gets nearly completly filled up. I wonder if num_workers>0 somehow causes the…

Continue Reading Crash if numworkers>0 – Lightning AI

Torchserve throws 400 `DownloadArchiveException` when the process does not have write access to model store folder

Hello. Recently I installed eks cluster with torchserve following the tutorial github.com/pytorch/serve/tree/master/kubernetes/EKS, but having troubles uploading a motel. When I try to upload a model via: curl -X POST “http://$HOST:8081/models?url=http%3A//54.190.129.247%3A8222/model_ubuntu_2dd0aac04a22d6a0.mar” curl -X POST “http://$HOST:8081/models?url=http://54.190.129.247/8222/model_ubuntu_2dd0aac04a22d6a0.mar” I am getting the following error: { “code”: 400, “type”: “DownloadArchiveException”, “message”: “Failed to download archive…

Continue Reading Torchserve throws 400 `DownloadArchiveException` when the process does not have write access to model store folder

Crashing when trying to build the app

I am trying to add the app as a module. As I want to make some changes to the code. When I try to build the app. However, it is giving me an error. 2017-01-10 03:53:30,852 [2082900] WARN – nal.AbstractExternalSystemTask – Configuration with name ‘default’ not found. com.intellij.openapi.externalSystem.model.ExternalSystemException: Configuration with…

Continue Reading Crashing when trying to build the app

F_B0. [IMPL] Cifar10 CNN Keras – TypeA – EN – Deep Learning Bible – 2. Classification

Github : github.com/RichardMinsooGo/Bible_2_F_CNN Source Code : B0_Cifar10_CNN_Keras_TypeA.py The baseline code for this implementation is as follows. You can understand it by comparing it with the code below. In the pseudocode below, there are changes only in Line 2 and Line 7. Please see the part marked with red color in…

Continue Reading F_B0. [IMPL] Cifar10 CNN Keras – TypeA – EN – Deep Learning Bible – 2. Classification

Error in SonarLint for IntelliJ when opening project and closing that window before it’s fully loade – IntelliJ Platform

Environment: Java: JetBrains s.r.o. 17.0.6 OS: Linux amd64 IDE: IntelliJ IDEA 2023.1.1 SonarLint: 8.2.0.68615 java.lang.RuntimeException: Cannot invoke (class=ModuleChangeListener, method=modulesAdded, topic=ModuleListener) at c.ij.util.messages.impl.MessageBusImplKt.invokeListener(MessageBusImpl.kt:657) at c.ij.util.messages.impl.MessageBusImplKt.deliverMessage(MessageBusImpl.kt:415) at c.ij.util.messages.impl.MessageBusImplKt.pumpWaiting(MessageBusImpl.kt:394) at c.ij.util.messages.impl.MessageBusImplKt.access$pumpWaiting(MessageBusImpl.kt:1) at c.ij.util.messages.impl.MessagePublisher.invoke(MessageBusImpl.kt:454) at jdk.proxy2/jdk.proxy2.$Proxy90.modulesAdded(Unknown Source) at c.ij.workspaceModel.ide.impl.legacyBridge.module.ModuleManagerComponentBridge.fireModulesAdded(ModuleManagerComponentBridge.kt:338) at c.ij.workspaceModel.ide.impl.legacyBridge.module.ModuleManagerComponentBridge.access$fireModulesAdded(ModuleManagerComponentBridge.kt:53) at c.ij.workspaceModel.ide.impl.legacyBridge.module.ModuleManagerComponentBridge$ModuleManagerInitProjectActivity.run(ModuleManagerComponentBridge.kt:61) at c.ij.ide.startup.impl.StartupManagerImpl.runInitProjectActivities(StartupManagerImpl.kt:215) at c.ij.ide.startup.impl.StartupManagerImpl.access$runInitProjectActivities(StartupManagerImpl.kt:69) at c.ij.ide.startup.impl.StartupManagerImpl$initProject$lambda$2$$inlined$useWithScope2$1.invokeSuspend(trace.kt:111) at c.ij.ide.startup.impl.StartupManagerImpl$initProject$lambda$2$$inlined$useWithScope2$1.invoke(trace.kt) 2023-05-16 13:18:07,230 [3126092]…

Continue Reading Error in SonarLint for IntelliJ when opening project and closing that window before it’s fully loade – IntelliJ Platform

python – PyTorch: Expected input batch_size (96) to match target batch_size (24)

I tried out PyTorch and wanted to write a program for Gender_Classification. But, I got the error message: Expected input batch_size (96) to match target batch_size (24) I searched for a solution but I don’t understand what’s wrong with my code. class CNN(nn.Module): def __init__(self): super(CNN,self).__init__() self.conv1=nn.Conv2d(in_channels=3,out_channels=64,kernel_size=3,stride=1,padding=1) self.bn1=nn.BatchNorm2d(num_features=64) self.relu1=nn.ReLU() self.pool=nn.MaxPool2d(kernel_size=2)…

Continue Reading python – PyTorch: Expected input batch_size (96) to match target batch_size (24)

Rstudio startup issue “GPU process isn’t usable. Goodbye.” – RStudio IDE

Hi, I have R and R studio installed following RStudio Desktop – Posit ,but I am unsuccessful to start up the Rstudio IDE . The error message is below.This error occurred on two different computers. I have tried the steps in support.posit.co/hc/en-us/articles/200488508-RStudio-Desktop-IDE-Will-Not-Start. Any pointers are welcome. Thanks, Ivo ERROR: The…

Continue Reading Rstudio startup issue “GPU process isn’t usable. Goodbye.” – RStudio IDE

RStudio Launcher Plugin SDK: rstudio::launcher_plugins::api::ResourceUtilStreamRequest Class Reference

Inheritance diagram for rstudio::launcher_plugins::api::ResourceUtilStreamRequest: Additional Inherited Members  Public Types inherited from rstudio::launcher_plugins::api::Request enum   Type {   Type::HEARTBEAT = 0, Type::BOOTSTRAP = 1, Type::SUBMIT_JOB = 2, Type::GET_JOB = 3,   Type::GET_JOB_STATUS = 4, Type::CONTROL_JOB = 5, Type::GET_JOB_OUTPUT = 6, Type::GET_JOB_RESOURCE_UTIL = 7,   Type::GET_JOB_NETWORK = 8, Type::GET_CLUSTER_INFO = 9, Type::INVALID }    Static…

Continue Reading RStudio Launcher Plugin SDK: rstudio::launcher_plugins::api::ResourceUtilStreamRequest Class Reference

Unable to create environment – Technical Support

Tried to create an environment using Conda and was not able to do so. Have copy pasted the message below. Would be grateful to know what the issue is and how to resolve the issue. (base) C:\Users\Mathangi Janakiraman>wget data.qiime2.org/distro/core/qiime2-2023.2-py38-linux-conda.yml–2023-05-11 12:54:47– data.qiime2.org/distro/core/qiime2-2023.2-py38-linux-conda.ymlResolving data.qiime2.org (data.qiime2.org)… 54.200.1.12Connecting to data.qiime2.org (data.qiime2.org)|54.200.1.12|:443… connected.ERROR: cannot verify…

Continue Reading Unable to create environment – Technical Support

python – PyTorch | Mat1 and mat2 shapes cannot be multiplied for MNIST GANs model

H im using the Mnist data set i build this GANs model and my goal is to calculate nonsaturating loss my batch size is 256 , latent_dim is 100 and number of epochs is 10: # Define the generator network class Generator(nn.Module): def __init__(self, latent_dim, image_size, num_channels,ngpu): super(Generator, self).__init__() self.latent_dim…

Continue Reading python – PyTorch | Mat1 and mat2 shapes cannot be multiplied for MNIST GANs model

Cannot build PyTorch 2.0.0 from source on AGX Xavier – Jetson AGX Xavier

znmeb May 2, 2023, 5:17am 1 I’m trying to build PyTorch 2.0.0 from source on an AGX Xavier running JetPack 5.1.1. This looks to me like a GCC issue, not anything in either PyTorch or JetPack itself: [4974/6104] Building CXX object caffe2/CMakeFiles/torch_cpu.dir/__/torch/csrc/profiler/kineto_client_interface.cpp.o FAILED: caffe2/CMakeFiles/torch_cpu.dir/__/torch/csrc/profiler/kineto_client_interface.cpp.o … /home/znmeb/Projects/AlgoCompSynth-One/JetPack5/Projects/pytorch/torch/csrc/profiler/kineto_client_interface.cpp:25:8: error: ‘void torch::profiler::impl::{anonymous}::LibKinetoClient::warmup(bool)’ marked…

Continue Reading Cannot build PyTorch 2.0.0 from source on AGX Xavier – Jetson AGX Xavier

Error when shutting down dataloader2 and readingservice from torchdata – DataModule

Im trying to combine lightning and torchdata using datapipes and dataloader2 but is running into this error when i try to train. I also end up having to kill some left over processes with pkill -9 -f “python src/train.py” I think that the problem is that the teardown doesn’t get…

Continue Reading Error when shutting down dataloader2 and readingservice from torchdata – DataModule

Compilation Fail – Nordic Q&A – Nordic DevZone

ncs 2.3.0 Good morning,for a few days, I can no longer compile a firmware that I use regularly. I don’t understand what could have happened. I’ll post the compilation with the errors if anyone has any ideas about it.Thank you CMAKE/BUILD [cmake] CMake Error at /opt/nordic/ncs/v2.3.0/zephyr/cmake/modules/extensions.cmake:2520 (message): [cmake] BOARD is not…

Continue Reading Compilation Fail – Nordic Q&A – Nordic DevZone

FasterRCNN with custom backbone architecture – Error in Anchor Generator object – vision

I am trying to a FasterRCNN based object detection framework with a custom backbone. The backbone is the encoder architecture of Mix Vision Transformer architecture implemented in the Segmentation Models Pytorch library(GitHub – qubvel/segmentation_models.pytorch: Segmentation models with pretrained backbones. PyTorch.). The encoder returns 4 features maps of sizes torch.Size([1, 64,…

Continue Reading FasterRCNN with custom backbone architecture – Error in Anchor Generator object – vision

Is creating and implementing a trait really neccessary here?

I’m trying to make a function that accepts a string that represents either a preset sound or a path, and then plays it using rodio.This: let data = match sound { “alarm” => Cursor::new(sounds::ALARM), path => BufReader::new(File::open(path).unwrap()), }; Doesn’t compile: error[E0308]: match arms have incompatible types. I figured I needed…

Continue Reading Is creating and implementing a trait really neccessary here?

Inability to install packages after updating R and R Studio – General

Please, I just updated my version R from 4.2.2 to 4.3.0, and also R Studio. Now, when I want to reinstall my packages, I get the error message below in my console: [1/33] Installing cli… Error: package ‘cli’ is not available In addition: Warning messages: 1: In value[[3L]](cond) : restarting…

Continue Reading Inability to install packages after updating R and R Studio – General

Encountered unexpected Unexpected JSON Token error in Relay for Android while importing Figma link – Plugin and Widget API

I am trying to import Figma design into Android Studio for application development. I tried to import a Figma component URL and it succeeded in importing but soon met with the following error below. A screenshot shows successful import of figma components preview from URL before the error below occurs….

Continue Reading Encountered unexpected Unexpected JSON Token error in Relay for Android while importing Figma link – Plugin and Widget API

com.intellij.openapi.components.impl.ComponentManagerImpl java code examples | Tabnine

@Test public void getPath_withMavenProject_andRelativeWarSourceDirectory_returnsWarSourceDir_withBasePrefix() { String customWebDirPath = “path/to/web/dir”; String baseModulePath = “/path/to/module”; ((ComponentManagerImpl) module) .registerComponentInstance(MavenProjectsManager.class, mavenProjectsManager); when(mavenProjectsManager.findProject(any(Module.class))).thenReturn(mavenProject); when(mavenProjectsManager.isMavenizedModule(any(Module.class))).thenReturn(true); when(mavenProject.getPluginConfiguration(anyString(), anyString())).thenReturn(warPluginDom); when(mavenProject.getDirectory()).thenReturn(baseModulePath); when(warPluginDom.getChildTextTrim(“warSourceDirectory”)).thenReturn(customWebDirPath); MavenTestUtils.getInstance() .runWithMavenModule( testFixture.getProject(), mavenModule -> { Optional<String> appEngineWebXmlDirectoryPath = directoryProvider.getAppEngineWebXmlDirectoryPath(mavenModule); assertThat(appEngineWebXmlDirectoryPath.isPresent()).isTrue(); assertThat(appEngineWebXmlDirectoryPath.get()) .isEqualTo(baseModulePath + “/” + customWebDirPath + “/WEB-INF”); }); } } Read more here: Source link

Continue Reading com.intellij.openapi.components.impl.ComponentManagerImpl java code examples | Tabnine

Not able to install older pytorch version – vision

Hi, I am getting some conflicts when I am trying to install some older version of pytorch. Using the command “conda install pytorch==1.8.0 torchvision==0.9.0 torchaudio==0.8.0 cudatoolkit=10.2 -c pytorch”. Also in the end pytorch is not getting installed. Below is what is printed on the terminal after running the above command….

Continue Reading Not able to install older pytorch version – vision

bcl2fastq error with RunInfo.xml

bcl2fastq error with RunInfo.xml 0 Dear all, I am running to an error with bcl2fastq. I have slightly different setup – I have received ONLY two files from the sequencing company in order to run conversion. One of the files is in tar.gz.dm5 which contains a single line: daac12b61f03f01d303f7b47f9118994 220202_VH00203_129_AAANKJFM5.tar.gz…

Continue Reading bcl2fastq error with RunInfo.xml

Gromacs: src/gromacs/fileio Directory Reference

Directory dependency graph for fileio: This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead. Directories directory   tests   Files file   checkpoint.cpp   file   checkpoint.h   file   confio.cpp   file   confio.h   file   enxio.cpp   file   enxio.h  …

Continue Reading Gromacs: src/gromacs/fileio Directory Reference

rest – rust poem-openapi: endpoints in multiple files

I’m trying to build a rest api with multiple endpoints. Some of the endpoints can be related to each other more that others, and thus I would like to implement them in multiple files. I have kind of fallen in love with poem for it’s simplicity, but I’m willing to…

Continue Reading rest – rust poem-openapi: endpoints in multiple files

Cannot open Java project in WSL2 with IntelliJ

Warning: I solved this problem already. I want to provide the documentation in case someone faces it. When I try to open java project IntelliJ won’t open it. However, it could easily non-Java project. Logs: Exit code: 0 2023-04-07 18:53:38,277 [ 207458] INFO – #c.j.g.s.d.m.HostRunMethods – Host status: UnattendedHostStatus(appPid=22067, appVersion=IU-231.8109.144,…

Continue Reading Cannot open Java project in WSL2 with IntelliJ

Gromacs: gmx::PmeCoordinateReceiverGpu::Impl Class Reference

#include <gromacs/ewald/pme_coordinate_receiver_gpu_impl.h> Description Class with interfaces and data for CUDA version of PME coordinate receiving functionality. Constructor & Destructor Documentation gmx::PmeCoordinateReceiverGpu::Impl::Impl ( void *  pmeStream, MPI_Comm  comm, gmx::ArrayRef< PpRanks >  ppRanks  ) Creates PME GPU coordinate receiver object. Parameters [in] pmeStream CUDA stream used for PME computations [in] comm Communicator…

Continue Reading Gromacs: gmx::PmeCoordinateReceiverGpu::Impl Class Reference

Bug#1034030: rust-async-stream: autopkgtest regression: error[E0658]: yield syntax is experimental

Source: rust-async-stream Version: 0.3.3-1 Severity: serious Control: tags -1 bookworm-ignore User: debian…@lists.debian.org Usertags: regression Dear maintainer(s), Your package has an autopkgtest, great. However, it fails since December 2022. Can you please investigate the situation and fix it? I copied some of the output at the bottom of this report. The…

Continue Reading Bug#1034030: rust-async-stream: autopkgtest regression: error[E0658]: yield syntax is experimental

Installation 2023.2 – Technical Support

HiI used qiime 1 extensively. Moved away for a while.I’m trying to install qiime 2 using miniconda using$ wget data.qiime2.org/distro/core/qiime2-2023.2-py38-linux-conda.yml This runs good.Next, when I tried to create environment using .. $ conda env create -n qiime2-2023.2 –file qiime2-2023.2-py38-linux-conda.yml Collecting package metadata (repodata.json): doneSolving environment: failed ResolvePackageNotFound: q2-vsearch=2023.2.0 sepp=4.3.10 q2-diversity-lib=2023.2.0…

Continue Reading Installation 2023.2 – Technical Support

Running TOTALVI data in which subset of cells do not have citeseq data – scvi-tools

Here is the error message from before ValueError Traceback (most recent call last) <ipython-input-29-3de112adfeee> in <module> —-> 1 vae5.train() /opt/conda/lib/python3.8/site-packages/scvi/model/_totalvi.py in train(self, max_epochs, lr, use_gpu, train_size, validation_size, batch_size, early_stopping, check_val_every_n_epoch, reduce_lr_on_plateau, n_steps_kl_warmup, n_epochs_kl_warmup, adversarial_classifier, plan_kwargs, **kwargs) 257 **kwargs, 258 ) –> 259 return runner() 260 261 @torch.no_grad() /opt/conda/lib/python3.8/site-packages/scvi/train/_trainrunner.py in __call__(self)…

Continue Reading Running TOTALVI data in which subset of cells do not have citeseq data – scvi-tools

python – PyTorch with Transformer – finetune GPT2 throws index out of range Error

in my Jupiter i have the following code. I can not figure out why this throws a IndexError: index out of range in self error. here ist the code: !pip install torch !pip install torchvision !pip install transformers import torch from torch.utils.data import Dataset class MakeDataset(Dataset): def __init__(self, tokenized_texts, block_size):…

Continue Reading python – PyTorch with Transformer – finetune GPT2 throws index out of range Error

spring boot – How to config springdoc-openapi-starter-webflux-ui to enable Authorization/Bearer on protected resources

I’m developing a webflux app containing some public and protected resources. My dependencies: <dependencyManagement> <dependencies> <dependency> <groupId>org.springframework.boot</groupId> <artifactId>spring-boot-dependencies</artifactId> <version>3.0.0</version> <type>pom</type> <scope>import</scope> <exclusions> <exclusion> <groupId>org.springframework.boot</groupId> <artifactId>spring-boot-stater-web</artifactId> </exclusion> </exclusions> </dependency> </dependencies> </dependencyManagement> <dependencies> <dependency> <groupId>org.springframework.boot</groupId> <artifactId>spring-boot-starter-data-mongodb-reactive</artifactId> </dependency> <dependency> <groupId>org.springframework.boot</groupId> <artifactId>spring-boot-starter-security</artifactId> </dependency> <dependency> <groupId>org.springframework.boot</groupId> <artifactId>spring-boot-starter-webflux</artifactId> </dependency> <dependency> <groupId>org.springdoc</groupId> <artifactId>springdoc-openapi-starter-webflux-ui</artifactId> <version>2.0.0</version> </dependency> <dependency> <groupId>io.jsonwebtoken</groupId>…

Continue Reading spring boot – How to config springdoc-openapi-starter-webflux-ui to enable Authorization/Bearer on protected resources

NVIDIA Tegra X1 with CUDA capability sm_53 is not compatible with the current PyTorch installation – Jetson Nano

Hello, I’m installing PyTorch on Jetson Nano with JetPack4.6.1 and cuda10.2. According to the official documentation, I installed the PyTorch 1.11.0a0+bfe5ad28 [Linalg] Add a runtime switch to let pytorch prefer a backend impl in… · pytorch/pytorch@bfe5ad2 · GitHub. But when I using pytorch with cuda to run yolov3, I got…

Continue Reading NVIDIA Tegra X1 with CUDA capability sm_53 is not compatible with the current PyTorch installation – Jetson Nano

python – Pytorch RuntimeError: cuDNN error: CUDNN_STATUS_EXECUTION_FAILED

I am trying to fine-tune the tacotron2 model, I have the following cuda and pytorch versions. cudatoolkit 10.0.130 0 cudnn 7.6.5 cuda10.0_0 pytorch 1.2.0 cuda100py37h938c94c_0 torchvision 0.4.0 cuda100py37hecfc37a_0 While training tacotron2 using python train.py, I ended up with the following error. Epoch: 0 Traceback (most recent call last): File “train.py”,…

Continue Reading python – Pytorch RuntimeError: cuDNN error: CUDNN_STATUS_EXECUTION_FAILED

Running RStudio Server as non-root – R Admins

Hello All, I am trying to run RStudio Server as non-root user in a docker container and received following error [ERROR].This works fine with default user rstudio-server. Am I missing any thing here? –SnippetRUN rm -f /var/lib/rstudio-server/secure-cookie-key ENTRYPOINT [“/usr/lib/rstudio-server/bin/rserver”]#CMD [“–server-daemonize=0”, “–server-app-armor-enabled=0”]CMD [“–www-port=8888”, “–auth-none=1”, “–server-daemonize=0”, “–server-app-armor-enabled=0”, “–server-user=rstudio”, “–server-data-dir=/var/run/rstudio-server”] — ERROR: 2023-03-10T06:14:05.621212Z…

Continue Reading Running RStudio Server as non-root – R Admins

_spec for swagger-ui from spec class

Surely you wanted to use the OpenAPI JSON you used for your spec class for the swagger-ui browser. This by no means will be better than writing your own documentation in the implementation class but won’t make you repeat the OAS (OpenAPI Specification) for the swagger-ui. It’s only meant as…

Continue Reading _spec for swagger-ui from spec class

Gromacs: src/testutils Directory Reference

Files file   cmdlinetest.cpp   Implements classes from cmdlinetest.h.   file   cmdlinetest.h   Declares utilities testing command-line programs.   file   conftest.cpp   Implements routine to check the content of conf files.   file   conftest.h   Declares function to add the content of a conf file to a…

Continue Reading Gromacs: src/testutils Directory Reference

IDEA plugin Mirai Console (221-2.13.0-171-2) error occurred

idea: 2022.2.3jdk: 试了1.8和17 都会发生 java.lang.NoSuchMethodError at java.base/jdk.internal.reflect.GeneratedConstructorAccessor457.newInstance(Unknown Source) at java.base/jdk.internal.reflect.DelegatingConstructorAccessorImpl.newInstance(DelegatingConstructorAccessorImpl.java:45) at java.base/java.lang.reflect.Constructor.newInstanceWithCaller(Constructor.java:499) at java.base/java.lang.reflect.Constructor.newInstance(Constructor.java:480) at java.base/java.util.concurrent.ForkJoinTask.getThrowableException(ForkJoinTask.java:564) at java.base/java.util.concurrent.ForkJoinTask.reportException(ForkJoinTask.java:591) at java.base/java.util.concurrent.ForkJoinTask.join(ForkJoinTask.java:672) at com.intellij.concurrency.JobLauncherImpl.processQueue(JobLauncherImpl.java:357) at com.intellij.codeInsight.daemon.impl.InspectionRunner.processInOrder(InspectionRunner.java:293) at com.intellij.codeInsight.daemon.impl.InspectionRunner.visitElements(InspectionRunner.java:268) at com.intellij.codeInsight.daemon.impl.InspectionRunner.lambda$inspect$5(InspectionRunner.java:121) at com.intellij.codeInspection.InspectionEngine.withSession(InspectionEngine.java:226) at com.intellij.codeInsight.daemon.impl.InspectionRunner.inspect(InspectionRunner.java:109) at com.intellij.codeInsight.daemon.impl.LocalInspectionsPass.collectInformationWithProgress(LocalInspectionsPass.java:131) at com.intellij.codeInsight.daemon.impl.ProgressableTextEditorHighlightingPass.doCollectInformation(ProgressableTextEditorHighlightingPass.java:97) at com.intellij.codeHighlighting.TextEditorHighlightingPass.collectInformation(TextEditorHighlightingPass.java:57) at com.intellij.codeInsight.daemon.impl.PassExecutorService$ScheduledPass.lambda$doRun$1(PassExecutorService.java:400) at com.intellij.openapi.application.impl.ApplicationImpl.tryRunReadAction(ApplicationImpl.java:1154) at com.intellij.codeInsight.daemon.impl.PassExecutorService$ScheduledPass.lambda$doRun$2(PassExecutorService.java:393) at com.intellij.openapi.progress.impl.CoreProgressManager.lambda$executeProcessUnderProgress$12(CoreProgressManager.java:608) at com.intellij.openapi.progress.impl.CoreProgressManager.registerIndicatorAndRun(CoreProgressManager.java:683) at com.intellij.openapi.progress.impl.CoreProgressManager.computeUnderProgress(CoreProgressManager.java:639)…

Continue Reading IDEA plugin Mirai Console (221-2.13.0-171-2) error occurred

Bug#1031752: rust-typenum: autopkgtest regression on 32bit

Source: rust-typenumVersion: 1.16.0-1Severity: serious tracker.debian.org/pkg/rust-typenum …Issues preventing migration:∙ ∙ autopkgtest for rust-typenum/1.16.0-1: amd64: Pass, arm64: Pass, armel: Regression ♻ (reference ♻), armhf: Regression ♻ (reference ♻), i386: Regression ♻ (reference ♻), ppc64el: Pass, s390x: Pass ci.debian.net/data/autopkgtest/testing/armhf/r/rust-typenum/31550189/log.gz …error[E0119]: conflicting implementations of trait `generated::generic_const_mappings::ToUInt` for type `generated::generic_const_mappings::Const<0_usize>`–> /tmp/tmp.OgQsyeMSQY/target/armv7-unknown-linux-gnueabihf/debug/build/typenum-fe1e7c2e1c5cb87d/out/generic_const_mappings.rs:4245:5|61 | impl ToUInt for…

Continue Reading Bug#1031752: rust-typenum: autopkgtest regression on 32bit

Error in SonarLint for IntelliJ – 22nd Feb 2023 – IntelliJ Platform

Bo_Bo (Bo Bo) February 22, 2023, 9:05am 1 Environment: Java version=17.0.3 Java vendor=JetBrains s.r.o. OS name=Mac OS X OS architecture=x86_64 IDE=IntelliJ IDEA 2022.2 SonarLint version=1.2.3 java.lang.Throwable: Conflicting component name ‘SonarLintProjectSettings’: class org.sonarlint.intellij.config.project.SonarLintProjectSettingsStore and class sankuai.scalint.intellij.config.project.SonarLintProjectSettingsStore (componentManager=Project(name=Gateway, containerState=COMPONENT_CREATED, componentStore=/Users/bobo/IdeaProjects/Gateway)) at com.intellij.openapi.diagnostic.Logger.error(Logger.java:184) at com.intellij.configurationStore.ComponentStoreImpl.registerComponent(ComponentStoreImpl.kt:356) at com.intellij.configurationStore.ComponentStoreImpl.initComponent(ComponentStoreImpl.kt:129) at com.intellij.configurationStore.ComponentStoreWithExtraComponents.initComponent(ComponentStoreWithExtraComponents.kt:48) at com.intellij.serviceContainer.ComponentManagerImpl.initializeComponent$intellij_platform_serviceContainer(ComponentManagerImpl.kt:535) at com.intellij.serviceContainer.ServiceComponentAdapter.createAndInitialize(ServiceComponentAdapter.kt:55)…

Continue Reading Error in SonarLint for IntelliJ – 22nd Feb 2023 – IntelliJ Platform

RStudio Launcher Plugin SDK: Member List

fromJson(const json::Object &in_requestJson, std::shared_ptr< Request > &out_request) rstudio::launcher_plugins::api::Request static getEncodedJobId() const rstudio::launcher_plugins::api::JobIdRequest getEndTime(Optional< system::DateTime > &out_endTime) const rstudio::launcher_plugins::api::JobStateRequest getFieldSet() const rstudio::launcher_plugins::api::JobStateRequest getId() const rstudio::launcher_plugins::api::Request getJobId() const rstudio::launcher_plugins::api::JobIdRequest getRequestUsername() const rstudio::launcher_plugins::api::UserRequest getStartTime(Optional< system::DateTime > &out_endTime) const rstudio::launcher_plugins::api::JobStateRequest getStatusSet(Optional< std::set< Job::State > > &out_statuses) const rstudio::launcher_plugins::api::JobStateRequest getTagSet() const rstudio::launcher_plugins::api::JobStateRequest getType() const rstudio::launcher_plugins::api::Request…

Continue Reading RStudio Launcher Plugin SDK: Member List

Error during building apk java.lang.AssertionError – Capacitor

At firt time in my life I try to create apk file, and I get this error: java.lang.AssertionError at org.jetbrains.android.exportSignedPackage.ExportSignedPackageWizard.doOKAction(ExportSignedPackageWizard.java:154) at com.intellij.ide.wizard.AbstractWizard.proceedToNextStep(AbstractWizard.java:237) at com.intellij.ide.wizard.AbstractWizard$5.actionPerformed(AbstractWizard.java:199) at java.desktop/javax.swing.AbstractButton.fireActionPerformed(AbstractButton.java:1967) at java.desktop/javax.swing.AbstractButton$Handler.actionPerformed(AbstractButton.java:2308) at java.desktop/javax.swing.DefaultButtonModel.fireActionPerformed(DefaultButtonModel.java:405) at java.desktop/javax.swing.DefaultButtonModel.setPressed(DefaultButtonModel.java:262) at java.desktop/javax.swing.plaf.basic.BasicButtonListener.mouseReleased(BasicButtonListener.java:270) at java.desktop/java.awt.Component.processMouseEvent(Component.java:6654) at java.desktop/javax.swing.JComponent.processMouseEvent(JComponent.java:3345) at java.desktop/java.awt.Component.processEvent(Component.java:6419) at java.desktop/java.awt.Container.processEvent(Container.java:2263) at java.desktop/java.awt.Component.dispatchEventImpl(Component.java:5029) at java.desktop/java.awt.Container.dispatchEventImpl(Container.java:2321) at java.desktop/java.awt.Component.dispatchEvent(Component.java:4861) at java.desktop/java.awt.LightweightDispatcher.retargetMouseEvent(Container.java:4918)…

Continue Reading Error during building apk java.lang.AssertionError – Capacitor

Can’t access TLJH via a browser – JupyterHub

Hello, I installed TLJH on Ubuntu Server 22.04 (This should work: [removed bc I can only include 2 links] github[dot]com/jupyterhub/the-littlest-jupyterhub/issues/813) on a local machine – following these instructions: The Littlest JupyterHub Installing on your own server Follow this guide if your cloud provider doesn’t have a direct tutorial, or you…

Continue Reading Can’t access TLJH via a browser – JupyterHub

OpenAPI Suite | InterSystems Developer Community

I would like to present my last package OpenAPI-Suite, this is a set of tools to generate ObjectScript code from an OpenAPI specification version 3.0.  In short, these packages allow to:  Generate server-side class.  It’s pretty similar to the generated code by ^%REST but the added value is the version…

Continue Reading OpenAPI Suite | InterSystems Developer Community

Stacktrace for Downloading Project List – IntelliJ Platform

ianbrandt (Ian Brandt) January 25, 2023, 5:45pm #1 Please provide Operating system: Windows 10 SonarLint plugin version: 7.4.0.60471 Programming language you’re coding in: Java and Kotlin Is connected mode used: Connected to SonarCloud or SonarQube (and which version): SonarQube Developer Edition Version 9.6.1 (build 59531) And a thorough description of…

Continue Reading Stacktrace for Downloading Project List – IntelliJ Platform

LKML: jiguang.xiao@windrive …: [PATCH] net: amd-xgbe: add missed tasklet_kill

From: Jiguang Xiao <jiguang.xiao@windriver.com> The driver does not call tasklet_kill in several places.Add the calls to fix it. Fixes: 85b85c853401 (amd-xgbe: Re-issue interrupt if interrupt statusnot cleared)Signed-off-by: Jiguang Xiao <jiguang.xiao@windriver.com>—drivers/net/ethernet/amd/xgbe/xgbe-drv.c | 3 +++drivers/net/ethernet/amd/xgbe/xgbe-i2c.c | 4 +++-drivers/net/ethernet/amd/xgbe/xgbe-mdio.c | 4 +++-3 files changed, 9 insertions(+), 2 deletions(-) diff –git a/drivers/net/ethernet/amd/xgbe/xgbe-drv.c b/drivers/net/ethernet/amd/xgbe/xgbe-drv.cindex 7b666106feee..614c0278419b…

Continue Reading LKML: jiguang.xiao@windrive …: [PATCH] net: amd-xgbe: add missed tasklet_kill

python – having problem with multi-gpu in pytorch transformer

I am currently trying to make a translation model with Trnasformer model through PyTorch. Since I have 2 GPUs (2080ti x 2) available for training, I want to train the model through multi-gpu. Currently, the gpu is assigned to 0 and 1 respectively. The way I use multi-gpu is to…

Continue Reading python – having problem with multi-gpu in pytorch transformer

GPU inference doesn’t work when importing open3d

Thanks for your error report and we appreciate it a lot. Checklist I have searched related issues but cannot get the expected help. I have read the FAQ documentation but cannot get the expected help. The bug has not been fixed in the latest version. Describe the bug The GPU…

Continue Reading GPU inference doesn’t work when importing open3d

Struts Problem Report

Struts Problem Report Struts Problem Report Struts has detected an unhandled exception: Messages: actions.Fusions.fusion?geneNameA=ZBTB1&geneNameB=MTHFD1() File: java/lang/Class.java Line number: 1,786 Stacktraces java.lang.NoSuchMethodException: actions.Fusions.fusion?geneNameA=ZBTB1&geneNameB=MTHFD1() java.lang.Class.getMethod(Class.java:1786) org.apache.struts2.interceptor.validation.AnnotationValidationInterceptor.getActionMethod(AnnotationValidationInterceptor.java:75) org.apache.struts2.interceptor.validation.AnnotationValidationInterceptor.doIntercept(AnnotationValidationInterceptor.java:47) com.opensymphony.xwork2.interceptor.MethodFilterInterceptor.intercept(MethodFilterInterceptor.java:98) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) com.opensymphony.xwork2.interceptor.ConversionErrorInterceptor.intercept(ConversionErrorInterceptor.java:138) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) com.opensymphony.xwork2.interceptor.ParametersInterceptor.doIntercept(ParametersInterceptor.java:238) com.opensymphony.xwork2.interceptor.MethodFilterInterceptor.intercept(MethodFilterInterceptor.java:98) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) com.opensymphony.xwork2.interceptor.ParametersInterceptor.doIntercept(ParametersInterceptor.java:238) com.opensymphony.xwork2.interceptor.MethodFilterInterceptor.intercept(MethodFilterInterceptor.java:98) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) com.opensymphony.xwork2.interceptor.StaticParametersInterceptor.intercept(StaticParametersInterceptor.java:191) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) org.apache.struts2.interceptor.MultiselectInterceptor.intercept(MultiselectInterceptor.java:75) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) org.apache.struts2.interceptor.CheckboxInterceptor.intercept(CheckboxInterceptor.java:90) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) org.apache.struts2.interceptor.FileUploadInterceptor.intercept(FileUploadInterceptor.java:252) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) com.opensymphony.xwork2.interceptor.ModelDrivenInterceptor.intercept(ModelDrivenInterceptor.java:100) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) com.opensymphony.xwork2.interceptor.ScopedModelDrivenInterceptor.intercept(ScopedModelDrivenInterceptor.java:141) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) com.opensymphony.xwork2.interceptor.ChainingInterceptor.intercept(ChainingInterceptor.java:145) com.opensymphony.xwork2.DefaultActionInvocation.invoke(DefaultActionInvocation.java:242) com.opensymphony.xwork2.interceptor.PrepareInterceptor.doIntercept(PrepareInterceptor.java:171)…

Continue Reading Struts Problem Report

Convert ONNX RuntimeError: tin_shift_forward_impl: implementation for device cpu not found.

when convert tin to onnx meet this issue: RuntimeError: tin_shift_forward_impl: implementation for device cpu not found. env:sys.platform: linuxPython: 3.8.10 (default, Jun 2 2021, 10:49:15) [GCC 9.4.0]CUDA available: TrueGPU 0,1: Tesla T4CUDA_HOME: /usr/local/cudaNVCC: Cuda compilation tools, release 11.4, V11.4.120GCC: x86_64-linux-gnu-gcc (Ubuntu 9.3.0-17ubuntu1~20.04) 9.3.0PyTorch: 1.9.1+cu111PyTorch compiling details: PyTorch built with: GCC 7.3…

Continue Reading Convert ONNX RuntimeError: tin_shift_forward_impl: implementation for device cpu not found.

python 3.x – PySpark on Jupyterhub K8s || Unable to query data || Class org.apache.hadoop.fs.s3a.S3AFileSystem not found

Pyspark Version: 2.4.5 Hive Version: 1.2 Hadoop Version: 2.7 AWS-SDK Jar: 1.7.4 Hadoop-AWS: 2.7.3 When I am trying to show data I am getting Class org.apache.hadoop.fs.s3a.S3AFileSystem not found while I am passing all the information which all are required. I passed all three for this config fs.s3.aws.credentials.provider org.apache.hadoop.fs.s3a.BasicAWSCredentialsProvider com.amazonaws.auth.InstanceProfileCredentialsProvider com.amazonaws.auth.EnvironmentVariableCredentialsProvider…

Continue Reading python 3.x – PySpark on Jupyterhub K8s || Unable to query data || Class org.apache.hadoop.fs.s3a.S3AFileSystem not found

python – Ray training with PyTorch and PyTorchLightning raise ValueError(“Expected a parent”)

Want to improve this question? Update the question so it’s on-topic for Cross Validated. Closed 11 hours ago. I have a code that has a data module and a model and I am training my model with Ray trainer, here is my code: class…

Continue Reading python – Ray training with PyTorch and PyTorchLightning raise ValueError(“Expected a parent”)

Running rstudio (but not R alone) inside of a conda environment complains about finding Rccp.so

I find that when I try to load some packages in a conda environement, when using rstudio (but not when I’m using R directly), I get an error message about a missing Rcpp.so file. I activate my conda environment (which is running R version 4.1), open RStudio (which I installed…

Continue Reading Running rstudio (but not R alone) inside of a conda environment complains about finding Rccp.so

Pymc3 linker error – v3

Hi all,I have been using pymc3 for about a year. A few months ago I changed from an intel mac to an M1 mac. Suddenly, I can’t use pymc3 anymore. I keep getting the following error that I have no idea how to interpret: You can find the C code…

Continue Reading Pymc3 linker error – v3

Gromacs: src/gromacs/selection/selmethod.cpp File Reference

#include “gmxpre.h” #include “selmethod.h” #include <cctype> #include <cstdarg> #include “gromacs/utility/arraysize.h” #include “gromacs/utility/cstringutil.h” #include “gromacs/utility/exceptions.h” #include “gromacs/utility/stringutil.h” #include “selmethod-impl.h” #include “symrec.h” This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead. Implements functions in selmethod.h. Author Teemu Murtola teemu.nosp@m..mur.nosp@m.tola@.nosp@m.gmai.nosp@m.l.com static void  report_error (FILE *fp, const char…

Continue Reading Gromacs: src/gromacs/selection/selmethod.cpp File Reference

File “sage/symbolic/pynac_impl.pxi”, Exception. Unhandled SIGSEGV: A segmentation fault occurred

I am not sure if this is a bug in Python or sagemath. Using sagemath 9.5 on Linux Arch. I’ll describe the problem in words, then given MWE to reproduce it. I have an integrand integrand = “F(x)*(-x^2+x)^(1/2)” as string. I pass it to a subprocess using multiprocessing. When I…

Continue Reading File “sage/symbolic/pynac_impl.pxi”, Exception. Unhandled SIGSEGV: A segmentation fault occurred

No plan found in TAP output

On Thu, 23 Dec 2021 21:59:45 +0100, Paul Gevers wrote: > With a recent upload of libio-async-perl the autopkgtest of libio-async-perl > fails in testing on ppc64el when that autopkgtest is run with the binary > packages of libio-async-perl from unstable. It passes when run with only > packages from…

Continue Reading No plan found in TAP output

[PATCH net-next v2 3/3] net: amd-xgbe: Disable the CDR workaround path for Yellow Carp Devices

[PATCH net-next v2 3/3] net: amd-xgbe: Disable the CDR workaround path for Yellow Carp Devices – Raju Rangoju From: Raju Rangoju <rrangoju@amd.com> To: <thomas.lendacky@amd.com>, <davem@davemloft.net>, <kuba@kernel.org> Cc: <netdev@vger.kernel.org>, <Shyam-sundar.S-k@amd.com>, <Sudheesh.Mavila@amd.com>, <Raju.Rangoju@amd.com> Subject: [PATCH net-next v2 3/3] net: amd-xgbe: Disable the CDR workaround path for Yellow Carp Devices Date: Mon, 20…

Continue Reading [PATCH net-next v2 3/3] net: amd-xgbe: Disable the CDR workaround path for Yellow Carp Devices

Gromacs: src/gromacs/gmxpreprocess Directory Reference

Directory dependency graph for gmxpreprocess: This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead. Directories directory   tests   Files file   add_par.c   file   add_par.h   file   calch.c   file   calch.h   file   convparm.c   file   convparm.h  …

Continue Reading Gromacs: src/gromacs/gmxpreprocess Directory Reference

Gromacs: gmx::GpuBonded::Impl Class Reference

#include <gromacs/listed-forces/gpubonded-impl.h>   Impl (const gmx_ffparams_t &ffparams, void *streamPtr)   Constructor.     ~Impl ()   Destructor, non-default needed for freeing device-side buffers.   void  updateInteractionListsAndDeviceBuffers (ArrayRef< const int > nbnxnAtomOrder, const t_idef &idef, void *xqDevice, void *forceDevice, void *fshiftDevice)   Update lists of interactions from idef suitable for the…

Continue Reading Gromacs: gmx::GpuBonded::Impl Class Reference

RuntimeError: t == DeviceType::CUDAINTERNAL ASSERT FAILED when trying to calculate gradients

🐛 Describe the bug I am working on a constrained optimization problem using the augmented lagrange method. However, after calculating the first loss term in the optimization, I received the following error after trying to calculate the gradients with loss.backward(). /home/ihowell/Projects/validity/validity/generators/bern_vae.py:23: UserWarning: To copy construct from a tensor, it is…

Continue Reading RuntimeError: t == DeviceType::CUDAINTERNAL ASSERT FAILED when trying to calculate gradients

alphafold2: HHblits failed – githubmemory

I’ve tried using the standard alphafold2 setup via docker (converted to a singularity container) via the setup described at github.com/kalininalab/alphafold_non_docker, and both result in the following error: […] E1210 12:01:01.009660 22603932526400 hhblits.py:141] – 11:49:18.512 INFO: Iteration 1 E1210 12:01:01.009703 22603932526400 hhblits.py:141] – 11:49:19.070 INFO: Prefiltering database E1210 12:01:01.009746 22603932526400 hhblits.py:141]…

Continue Reading alphafold2: HHblits failed – githubmemory

[jupyterhub/jupyterhub] Empty Admin page when base_url is set

Bug description If JupyterHub.base_url is set in jupyterhub_config.py, visitig the Admin tab on jupyterhub v.2.0.0 shows the empty page. Expected behaviour Without setting JupyterHub.base_url the Admin page displays the list of users: Actual behaviour The page shows only the version number: I see some errors in the log: I 2021-12-10…

Continue Reading [jupyterhub/jupyterhub] Empty Admin page when base_url is set

Jetson nano (B01) configures pytorch and torchvision environment + tensorrtx model transformation + deepstream deployment yolov5 (pro test available)

jetson nano To configure pytorch and torchvision Environmental Science +tensorrt Model transformation +Deepstream Deploy yolov5( Close test available ) Because a game came into contact with jetson nano, Need to use pycharm Train your own model plus yolov5 Target detection , And deployed to jetson nano On , It didn’t…

Continue Reading Jetson nano (B01) configures pytorch and torchvision environment + tensorrtx model transformation + deepstream deployment yolov5 (pro test available)

Does PyTorch plan to support “Cpp-like” round? – #5 by Eta_C

round in PyTorch is a “Python-like” round (std::nearbyint) but not a “Cpp-like” round (std::round). It means, round([-0.5, 0.5]) would return [0, 0] but not [-1, 1]. I need “Cpp-like” round, especially when deploying my model. I check the source code and find github.com pytorch/pytorch/blob/178010455d5cd477af5a98b0e03084ffeecaecf2/aten/src/ATen/cpu/vec/vec_base.h#L469-L471 Vectorized<T> round() const { // We…

Continue Reading Does PyTorch plan to support “Cpp-like” round? – #5 by Eta_C

Issue with installing QIIME2 2021.11 on Windows 10 – Technical Support

Hi QIIME support team, I’m attempting to install QIIME2 on my Windows 10 machine. I installed Anaconda3, then set up conda to run in Git Bash: echo “. ${PWD}/conda.sh” >> ~/.bashrc Once I restarted Git Bash and activated Conda, I installed python-wget because installation of wget kept getting the following…

Continue Reading Issue with installing QIIME2 2021.11 on Windows 10 – Technical Support

Gromacs: Class Members – Variables

Gromacs: Class Members – Variables   – n – N : t_UmbrellaWindow , t_bb n : t_coordselection , t_methoddata_kwreal , t_methoddata_permute , t_partition , gmx_fft_fftpack , t_spheresurfacebin , t_methoddata_kwint n_alloc : t_spheresurfacebin n_at_lam : df_history_t n_dev : gmx_gpu_info_t n_dev_compatible : gmx_gpu_info_t nalloc : cu_atomdata , cl_atomdata , gmx_ana_selvalue_t , swap_compartment…

Continue Reading Gromacs: Class Members – Variables

Gromacs: gmx::KeyValueTreeTransformRulesScoped Class Reference

Public Member Functions   KeyValueTreeTransformRulesScoped (internal::KeyValueTreeTransformerImpl *impl, const KeyValueTreePath &prefix)   Internal constructor for creating the scope.     KeyValueTreeTransformRulesScoped (KeyValueTreeTransformRulesScoped &&other)   Supports returning the object from IKeyValueTreeTransformRules::scopedTransform().   KeyValueTreeTransformRulesScoped &  operator= (KeyValueTreeTransformRulesScoped &&other)   Supports returning the object from IKeyValueTreeTransformRules::scopedTransform().   IKeyValueTreeTransformRules *  rules ()   Returns the…

Continue Reading Gromacs: gmx::KeyValueTreeTransformRulesScoped Class Reference

bcl2fastq ERROR

bcl2fastq ERROR 1 Hi all, I have a problem. I’m running bcl2fastq software on Ubuntu, but I can’t demultiplex anything as the software gives me this error: *ERROR: bcl2fastq::common::Exception: 2021-Sep-02 12:12:34: Success (0): /home/Software/bcl2fastq/src/cxx/lib/layout/Layout.cpp(693): Throw in function void bcl2fastq::layout::handleDefaultSample(bool, bool, size_t, bcl2fastq::layout::LaneInfo&, bool&) Dynamic exception type: boost::exception_detail::clone_impl<bcl2fastq::common::InputDataError> std::exception::what: Missing a…

Continue Reading bcl2fastq ERROR

Pybedtools error sans

Pybedtools error sans 20-08-2021 pysam – Error when I install samtools for python on windows – i trying install pysam, pybedtools modules on python got error: ($i=1; $i[email protected] temp]$ conda install pysam bedtools hisat2 [ snip. However,…

Continue Reading Pybedtools error sans