Filter

My recent searches
Filter by:
Budget
to
to
to
Type
Skills
Languages
    Job State
    1,760 cuda jobs found, pricing in GBP

    We need a custom Ubuntu 16.04 image with the following installed and ready to be used: CUDA OpenCV with CUDA support OpenALPR with CUDA support Ffmpeg and other necessary packages End result would be an iso file with what we can make a bootable USB with and that has all the necessary installed.

    £340 (Avg Bid)
    £340 Avg Bid
    10 bids

    I need someone that can log into our Win11 machine and enable GPU support (supported graphic card is installed, of course). "CUDA not available - defaulting to CPU. Note: This module is much faster with a GPU."

    £31 / hr (Avg Bid)
    £31 / hr Avg Bid
    7 bids

    pytorch, code work fine in cpu mode, get cuda error in GPU mode

    £28 (Avg Bid)
    £28 Avg Bid
    5 bids

    want someone to help me with a small CUDA project... please bid if interested.

    £12 (Avg Bid)
    £12 Avg Bid
    2 bids

    Need someone experienced in high performance computing and CUDA for a project.

    £39 (Avg Bid)
    £39 Avg Bid
    3 bids

    Cuda cluster Have to implement the code according to details and explain

    £26 (Avg Bid)
    £26 Avg Bid
    4 bids

    ...setting up the infrastructure for us with the appropriate software stacks and creating the OS templates with GPU capabilities, essentially making it ready to go for us to start selling GPU VM's to our customers. The OS templates you create should come with GPU related drivers preinstalled in the template so that our customers don't have to worry about installing them, such as NVIDIA drivers and CUDA toolkit. We will provide all of the servers and infrastructure needed. Beyond the initial set up, we will be happy to continue to hire you in the future for ongoing maintenance work. Again, please only apply for this project if you have great familiarity with virtualization and specifically know what is needed in order to be able to create/deploy GPU VM's. In your bid...

    £845 (Avg Bid)
    £845 Avg Bid
    10 bids

    Hi, I need to implement and make this working. The python code is also available here https://colab.research.google.com/github/robgon-art/ai-memer/blob/main/AI_Memer.ipynb#scrollTo=tue4pNRZYylc I need someone who's experienced with machine learning, tensor, pytorch, nvidia cuda, Your job is to have a call with me and help me setup and make this code working. You don't need to implement anything nor you need to write. You just need to tell me what to do.

    £151 (Avg Bid)
    £151 Avg Bid
    9 bids

    Information in the PDF. $600 if completed by 11:00 PM EST, Nov 30th. Half pay if you can atleast get algorithm 1 and 2 to compile.

    £475 (Avg Bid)
    £475 Avg Bid
    9 bids

    RU: Необходимо перенести C# код PBKDF2-HMACSHA256 + AES GCM256 в OpenCL/CUDA. Язык программирования C/C++/C# Исходный код предоставляю только пользователям с рейтингом! ВНИМАНИЕ! Я НЕ ЗАПУСКАЮ ИСПОЛНЯЕМЫЕ ФАЙЛЫ НА СВОЕМ ПК! ВСЕ СДЕЛАННЫЕ ПРОЕКТЫ ПРИНИМАЮТСЯ ТОЛЬКО ИСХОДНИКАМИ! КОМПИЛИРОВАТЬ И Я САМ УМЕЮ! EN: It is necessary to transfer the C # code for PBKDF2-HMACSHA256 + AES GCM256 to OpenCL / CUDA. C / C ++ / C # programming language I provide the source code only to users with a rating! ATTENTION! I DON'T RUN RUNNABLE FILES ON MY PC! ALL DONE PROJECTS ARE ACCEPTED ONLY BY SOURCES! AND I AM ABLE TO COMPILE!

    £461 (Avg Bid)
    £461 Avg Bid
    4 bids

    ...dimension between 1000x1000 to 5000x5000 (not square shaped all time). The most important criteria is the processing time; I am processing the data on NVIDIA Jetson nano board, so processing power and time need to be minimized. The processing time of map with 1000x1000 cannot exceed 300 ms. My main code is in Python, but for the speed the process up I prefer the enhancing code to be built in c++ (CUDA if possible) with Python to run it from python. Here is examples of the needed output of demanded program: Also map need to be aligned vertically. The following image is the output needed for both layers (Image 2); please check the attachment ...

    £474 (Avg Bid)
    £474 Avg Bid
    13 bids

    We want to put together a fast system for vision processing. We currently have a Intel Core i7-9700 CPU with a Nvidia Quadro P1000 which we use for both CUDA and OpenCL. We are using this for a custom vision system. We're looking for a hardware expert who can suggest Windows 10 system hardware that will give us roughly four times the image processing ability than what we have now. We need it to go about four times faster than it is now. The images we are using are 4096x3072, and the vision system uses a neural network which is processed using GPU: CUDA, with additional processing using OpenCL.

    £18 - £146
    Featured
    £18 - £146
    0 bids

    I had done a program by CUDA but i had some problems need to solve can help me with it

    £98 (Avg Bid)
    £98 Avg Bid
    1 bids

    ...GPU via CUDA (from nvidia). (and ) An optional third version runs distributed on multiple machines with multiple gpu's. (with ) This does not work currently. I can't get a version that runs completely on the CPU because I always get the error: "RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cpu and cuda:0! (when checking argument for argument target in method wrapper_nll_loss_forward)" The single GPU version also does not work because the source code is not 100% CUDA compatible: "RuntimeError: Input type () and weight type () should be the same or input should be a MKLDNN tensor and weight is a dense tensor" The main goal is to fix all issues of the CUDA Version

    £20 (Avg Bid)
    £20 Avg Bid
    1 bids

    Have to run the code on cuda cluster and explain the working .

    £20 (Avg Bid)
    £20 Avg Bid
    2 bids

    Complete a CUDA program and test your program using GPUs. There are 3 input images, 6 filters and two output features maps. The 6 filters are the same as given in the lecture, each with a size of 2 x2. The inputs images can be downloaded from Canvas, each with a size of 28 x 28 pixels. You will generate two output feature maps using both serial program and CUDA program

    £6 - £14
    Sealed
    £6 - £14
    0 bids

    Hello, we need someone who can compile FFMPEG with CUDA. Have problem on setting time : ERROR : gnutls not found using pkg-config Extra configurations will be shared via PM. it must compiled for Ubuntu 20.04

    £14 (Avg Bid)
    £14 Avg Bid
    3 bids

    I need an implementation of CLAHE in C++/CUDA. It needs to be able to handle 16-bit grayscale images, and support up to 1024 histogram bins. I would simply use the opencv , but the contrib modules were not included in the opencv compilation (and, while I wish I could simply recompile with them, it is not an option, and it is not on my system). OpenCV is otherwise installed (4.3.0) and WITH CUDA bindings (just not the contrib modules). If there was a way to compile the (or include it along with necessary dependencies in my code), that would work great. Otherwise, if I could locate a c++/cuda implementation with the necessary parameters ... Thanks!

    £16 (Avg Bid)
    £16 Avg Bid
    1 bids

    We are looking for an experienced C++ Developer with Image Processing knowledge. You will be working on state-of-the-art systems for processing imagery and video for an application.

    £29 / hr (Avg Bid)
    £29 / hr Avg Bid
    16 bids

    Dear Freelancers. I want to run the CUDA engine with the Jetson but it has some errors. I want a freelancer who can fix it. You can work remotely.

    £134 (Avg Bid)
    £134 Avg Bid
    7 bids

    ...everything from the Meerkat and be able to easily access the other systems via RDP (or whatever remote control method makes sense). I'm reasonably tech savvy but experience with Linux is limited (getting there, though!). I think the following represents the issues I'm having / following to-dos: 1. Have installed NVIDA drivers / CUDA and eGPU is showing as connected. But there is a driver/library compatibility issue. Some kind of compatibility issue needs to be fixed among nvidia/cuda/kernels. I THINK what's happening is that there was a failed NVIDIA install and the system is trying to use libraries from that (and it's not the same driver version as I should be using). 2. Fully sync the Beelink (Windows) with the Meerkat. I can RDP into Windows using R...

    £32 / hr (Avg Bid)
    £32 / hr Avg Bid
    3 bids

    Need for someone know how programming using cuda programs

    £20 (Avg Bid)
    £20 Avg Bid
    8 bids

    This project involves both theory-based analysis and light coding implementation on topics regarding CUDA, parallel programming, multi-threading, and concurrency. Analysis is no higher than undergraduate level. The task needs to be done in less than 24 hours.

    £157 (Avg Bid)
    £157 Avg Bid
    2 bids

    I am searching for someone with expertise to help me debug and implement an algorithm in which we use the Star schema Queries and we transfer the data to gpu and do a join operation. Most of the code is implemented but since I am new to cuda i am struggling with some issues!

    £166 (Avg Bid)
    £166 Avg Bid
    12 bids

    This project involves both theory-based analysis and light coding implementation on topics regarding CUDA, parallel programming, multi-threading, and concurrency. Analysis is no higher than undergraduate level.

    £183 (Avg Bid)
    £183 Avg Bid
    3 bids

    ...use any algorithms and model as long as the program can run on the server, achieve 90% accuracy and FPS more than 10. 4. The program should be able to run on the edge which is Jetson Nano. The specifications for the Jetson Nano can be read here RAM: 4GB CPU: Quad-core ARM Cortex-A57 MPCore processor GPU: NVIDIA Maxwell architecture with 128 NVIDIA CUDA® cores Camera Module: 8MP Sony IMX219 Camera Module What are we looking for: • Knowledge and experience in machine learning, data analytics, and DevOps with specific expertise in AWS Services (basic understanding) , Deep Learning Framework, Data Analytics, and Machine learning. • Practical experience in Pytorch/Tensorflow, Python, C / C++ (possibly also Python, C). • Creativity and curiosity

    £478 (Avg Bid)
    £478 Avg Bid
    21 bids

    As discussed CUDA + CUDNN hourly project. TensorFlow Medium instructions as already provided.

    £16 / hr (Avg Bid)
    £16 / hr Avg Bid
    1 bids

    As discussed I forward you the CUDA + CUDNN install project. TensorFlow build as described in the Medium article.

    £141 (Avg Bid)
    £141 Avg Bid
    1 bids

    looking for developer who can do parallel programming using cuda

    £633 (Avg Bid)
    £633 Avg Bid
    2 bids

    the python run detections on video files and use deep sort it is compatible with CPU and GPU need to compile to EXE Window OS configuration file should not be part of the installation installation kit if required the full project will be sent to relevant freelancer Pay by success only , millstone 1 need to show me EXE file working on your system and deliver it milestone 2 after QA import sys (0, "./yolov5") import argparse import os import platform import shutil import time from pathlib import Path import cv2 import torch import as cudn from airis_utils.airis_general import ( deep_config, draw_boxes, draw_boxes_without_deepsort, get_deepsort, get_labels_without_deepsort, save_text, xyxy_to_xywh, ) from import attempt_load from...

    £110 (Avg Bid)
    £110 Avg Bid
    6 bids

    We are having C++ code which is working fine in Ubuntu 14 When we are porting to Ubuntu 20 we are getting the issue with Caffe. You can connect via anydesk or teamviewer you can see the error. Regards VSR

    £39 (Avg Bid)
    £39 Avg Bid
    1 bids

    I have written an algorithm similar to selective search in Python. It is needed to be converted to C++ and CUDA code to increase its speed. The algorithms is a simple image processing algorithm.

    £123 (Avg Bid)
    £123 Avg Bid
    14 bids

    Need a freelancer who is an expert in GPU/CUDA programming. well, know about transfer data on device memory(GPU), GPU/CUDA Programming(language python), and Streaming Multiprocessors. the parameter that's are transferred show in the attached file

    £67 (Avg Bid)
    £67 Avg Bid
    3 bids

    We need someone who can help us solving this: Our main issue is that, we want to run a docker ubuntu container which can use the host machine's GPU. We use Ubuntu based docker images. # We want to run an NVidia container with this command: docker run --gpus all :nbody nbody -gpu -benchmark # and we got this error: docker: Error response from daemon: OCI runtime create failed: : starting container process caused: : container init caused: Running hook #0:: error running hook: exit status 1, stdout: , stderr: nvidia-container-cli: initialization error: driver error: failed to process request: unknown.

    £29 (Avg Bid)
    £29 Avg Bid
    2 bids

    I am looking for someone who is interested in writing a cuda script to bruteorce or even use mathmatics to help break a password that I currently have several pieces to.

    £16 - £16
    £16 - £16
    0 bids

    I have a working cuda code but some problem is observed in the GPU output part .

    £25 (Avg Bid)
    £25 Avg Bid
    6 bids

    I am looking for someone who is interested in writing a cuda script to bruteorce or even use mathmatics to help break a password that I currently have several pieces to.

    £8 / hr (Avg Bid)
    £8 / hr Avg Bid
    1 bids

    I am looking for someone who is interested in writing a cuda script to bruteorce or even use mathmatics to help break a password that I currently have several pieces to.

    £39 / hr (Avg Bid)
    £39 / hr Avg Bid
    1 bids

    I have a kmeans CUDA code i need you to debug it and compile it for the desired result

    £28 (Avg Bid)
    £28 Avg Bid
    3 bids

    My Project is basically estimating pathloss using radio maps where in map contains transmitters and receivers with buildings, cars as obstacle. I have done half of my project but I'm getting error in training phase because of a model called cuda Error I'm getting is: Expected a 'cuda' device type for generator but found 'cpu' Software used is colab code :

    £9 (Avg Bid)
    £9 Avg Bid
    1 bids

    My Project is basically estimating pathloss using radio maps where in map contains transmitters and receivers with buildings, cars as obstacle. I have done half of my project but I'm getting error inn training phase because of a model called cuda Error I'm getting is: Expected a 'cuda' device type for generator but found 'cpu' Software used in colab code:

    £14 (Avg Bid)
    £14 Avg Bid
    1 bids

    I have a code from Github which I want you to help me run successfully. I have installed all requirements of packages needed but when i run the code, I get an error saying a CUDA version of a torch package is not installed. When i run torch.cuda.is_available() i get TRUE and torch.cuda.current_device() returns 0, and torch.cuda.device_count() returns 1. This proves it is not a software problem with CUDA but it is an environmental issue, so I think I need to download another way?

    £19 (Avg Bid)
    £19 Avg Bid
    8 bids

    I have written a knn code in C along with CUDA.h . I am having some compiling issues at the moment which i need to fix. Please ping me asap.

    £17 (Avg Bid)
    £17 Avg Bid
    3 bids

    I need a source code for MobilenetSSD that contains train, test and detect scripts to run training, testing and object detection. The source code should be runnable on Windows 10 using CUDA graphic card. Also, there needs to be some sample dataset for training (and / or test) in order to detect some object on images. Dataset should contain image files and label files.

    £120 (Avg Bid)
    £120 Avg Bid
    21 bids

    I would like to convert an existing tensorflow model into cudnn. We are currently utilizing a Keras/TF implementation of VNet (convolutional neural network) for medical image segmentation. The system performs well, but does not integrate elegantly into our existing image processing pipeline which is C/Cuda based. We basically need someone to write a simple 3D CNN utilizing cudnn which contains up and down convolution layers. A sample V-Net tensorflow implementation can be found at the link listed below. Ours is similar in overall structure to the public model linked here. We are open to negotiation on price. Fixed price is preferred. There are opportunities for continued collaboration if this project goes well. Please

    £547 (Avg Bid)
    £547 Avg Bid
    10 bids

    Implementing parallel computing method by using CUDA, OPENMP and MPI method in c++ decision tree algorithm.

    £45 (Avg Bid)
    £45 Avg Bid
    4 bids

    I have written a knn code in C along with CUDA.h . I need someone to review it and make it more parallel. Urgently required.

    £36 (Avg Bid)
    £36 Avg Bid
    3 bids

    Top cuda Community Articles