絞り込む

私の最近の検索
次の条件で絞り込む:
予算
to
to
to
種類
スキル
言語
    ジョブステータス
    1,397 keras 仕事が見つかりました。次の価格: USD

    Hi, we used colab keras to train yolo v3 model and has good detection. The model is in h5 format. We need convert it to tensor flow model format with pb file and do detection. We need you to provide the codes, methology to covert yolov3 h5 model to tensor flow format with pb file and the codes to do detection using the pb file.

    $178 (Avg Bid)
    $178 平均入札額
    5 入札

    Our user will search for a word and click submit . Our AI engine should do a semantic and phonetic search for the word entered by User and give results . This has to be implement with Keras /Tensorflow . Skillset needed : Python KERAS TENSORFLOW RNN / CNN Pytorch .

    $317 (Avg Bid)
    $317 平均入札額
    9 入札

    Youtube advertisers pay content creators based on adviews and clicks for the goods and services being marketed. They want to estimate the adview based on other metrics like comments, likes etc. The problem statement is therefore to train various regression models and choose the be...other necessary transformations 5. Normalise your data and split the data into training, validation and test set in the appropriate ratio. 6. Use linear regression, Support Vector Regressor for training and get errors. 7. Use Decision Tree Regressor and Random Forest Regressors. 8. Build an artificial neural network and train it with different layers and hyperparameters. Experiment a little. Use keras. 9. Pick the best model based on error as well as generalisation. your model and predict on the test se...

    $16 (Avg Bid)
    $16 平均入札額
    6 入札
    GRAPHIC DESIGNER 終了 left

    Abipraya adalah pemuda yang merintis wirausaha di bidang desain grafis. Wirausaha yang dirintisnya sejalan dengan disiplin ilmu yang Auri dapat saat kuliah. Hal ideal seperti ini jarang dilakukan oleh kebanyakan pemuda lain yang hanya bisa jadi pekerja kantoran atau wirausaha yang ...grafis. Wirausaha yang dirintisnya sejalan dengan disiplin ilmu yang Auri dapat saat kuliah. Hal ideal seperti ini jarang dilakukan oleh kebanyakan pemuda lain yang hanya bisa jadi pekerja kantoran atau wirausaha yang tidak sesuai kompetensinya. Dan yang lebih hebat lagi adalah Abipraya memulai wirausahanya dari teman nongkrong. Biografi Abipraya Wirausaha Muda Desain Grafis Keahlian, kerja keras, dan strategi bisnis yang tepat mampu menghantarkan seseorang pada kesuksesan. Itulah yang kini dicapai...

    $149 (Avg Bid)
    $149 平均入札額
    12 入札

    I need keras expert for nn model building

    $18 / hr (Avg Bid)
    $18 / hr 平均入札額
    23 入札

    Hi, This is a simple Image Classification / transformation project. The following is the requirement 1. The user will upload an image which will have a border(s) (the border color will be specified by the user) 2. The AI should remove everything in the image except the border 3. The AI should fill the border with black pixels or circles as shown in the example(User specifies the shape, size color of the border/shapes) Please see the example of the attachment

    $147 (Avg Bid)
    $147 平均入札額
    14 入札

    Need help with the debugging of a python AI application that is using a model trained on english words, then it predicts the words being said using a wav file. The model is training properly, but the prediction output is not. Seems like there is a syntax error. Libraries used: Keras, Librosa, Matplotlib, Numpy, OS, SKlearn.

    $26 (Avg Bid)
    $26 平均入札額
    4 入札

    Preprocessing of mammogram images using deep CNN and then the classification of train data with SVM, KNN, GA To calculate 1. Accuracy of whole images 2. Sensitivity 3. ROC curve 4. Accuracy of images wise 5. specificity 6. F-measure 7. recall We find, Accuracy upto 96%, Sensitivity , Specificity, F1-measure, Recall, and Confusion Matrix, and clssification of images into Milagnant an... Specificity, F1-measure, Recall, and Confusion Matrix, and clssification of images into Milagnant and Benign. After That we will visualize our models with plotting ROC cur, Comparison of accuracies with all algorithms, confusion matrix, WE have already a private data set including 152 malignant and 363 Benign images with all dimensions CC,RML,LML,RC Project should be run on tensorflow 2.3 and keras w...

    $125 (Avg Bid)
    $125 平均入札額
    2 入札
    python Language 終了 left

    By using visual studio code, You are expected to use TensorFlow and Keras to perform a deep learning process for creating an image classifier to distinguish between dog and cat. You should follow fchollet’s code to create the classifier and test this classifier with one test photo of dog and one test photo cat. Create a screenshot to show the classifying results of these two test photos. The dog and cat in the test photos should not be in your original training dataset, and you may use your own pets or your neighbor’s pets.

    $19 (Avg Bid)
    $19 平均入札額
    6 入札

    An encode-decoder enabled RNN that can generate improved runtime code. The RNN will be trained on number of coding samples from and and then later will be tested...folder stores the polynomial time coding sample and theoutput folder will store the corresponding linear time coding model training: The RNN model can be trained on the 80% of the stored RNN model with encoder-decoder () or seq2seq( ) feature needs to be applied for better : The above two steps can be tested, integrated for final analysis.

    $195 (Avg Bid)
    $195 平均入札額
    2 入札

    ...closing at 80%+ accuracy. The only thing that matters is the color of the next candlestick, not the size of the price move. This is because the trading style is for "binary options" (which you can learn about from Google). Here are some reference projects I have found: Please feel free to ask me any questions. Though perhaps an asset, no prior knowledge of financial markets or trading is required, as the scope should be straightforward

    $14 / hr (Avg Bid)
    $14 / hr 平均入札額
    8 入札

    Hidup ini memang lucu ya Yang dikerjar malah lari , sedangkan yang dianggap biasa malah datang menghampiri Hidup memang seperti itu , begitu keras Pada hakikatnya hidup adalah sebuah perjuangan , dimana perjuangan itu membutuhkan orang yang terlatih secara mental untuk menghadapi nya bukan menghindari nya Untukmu yang saat ini sedang atau bahkan sudah diremehkan oleh beberapa orang Percayalah hal besar akan datang kepada orang orang yang bersabar Kamu boleh saja marah dengan keadaan tapi tidak untuk berhenti di tengah-tengah perjalanan Sudah saatnya kita mengembara lagi agar bisa menunjukkan kepada dunia bahwa kita bisa dan bahkan lebih dari kata bisa

    $17 / hr (Avg Bid)
    $17 / hr 平均入札額
    10 入札

    I'm training a video classification model using TensorFlow and Keras. Currently my data pipeline is a custom generator than reads the raw video file, do some preprocessing and feed the processed data into the model batch by batch. However, this is really slow and not scalable to large datasets. I'm currently running the model on my university's high performance computing server, which allows me to request up to 28 cpu cores (with up to 128 gb of memory each) and 4 gpu cores per job. However, my custom generator, which processes videos sequentially are not utilizing these resources for speedup and is pretty much stuck at the I/O disk reading and video pre-processing part. I'm unfamiliar with pipeline but heard that it can prefetch data. I also heard about paral...

    $1182 (Avg Bid)
    $1182 平均入札額
    16 入札

    Using the Data Generators in Keras code here is the link (~shervine/blog/keras-how-to-generate-data-on-the-fly) work with this code, and albumentation augmentation code to start the training of CV model

    $30 (Avg Bid)
    $30 平均入札額
    5 入札

    Membutuhkan Freelancer Telemarketing Kriteria : 1. Pria/Wanita 2. Berpengalaman dalam telemarketing 3. Usia < 40 tahun 4. Memiliki komunikasi yang baik (persuasif) dan ramah 5. Jujur, ulet, dan pekerja keras 6. Dapat berimprovisasi dan memiliki inisiatif tinggi 7. Fokus pada target 8. Memiliki telpon rumah atau handphone 9. Memiliki keahlian Ms. Excel yang basic untuk data input 10. Memiliki pengertian yang komprehensif mengenai produk (Materi akan disediakan) Deskripsi Projek 1. Program akan dilakukan selama 1 bulan atau 4 minggu 2. Telemarketer wajib menghubungi 500 prospect atau 100 per minggu yang ditandai pada excel yang sudah diberikan Kompensasi dll akan diinfo selanjutnya bagi yg merespon

    $446 (Avg Bid)
    $446 平均入札額
    21 入札

    Hello, I need a Python programmer to help me with an issue. I want to train a deep neural network in R using the keras and tensorflow packages. However, two keras commands do not work, namely: to_categorical() and keras_model_sequential(). I mainly receive two types of errors: Installation of TensorFlow not found OR Python module was not found I have tried to solve this in many ways. I have installed Python on my computer (Windows 7) with Miniconda, and the two packages (I watched Youtube tutorials on this topic). I also installed and activated the keras, reticulate and tensorflow packages in R. I have googled my error messages and looked in various forums for a solution. Nothing seems to work. Someone advised me to downgrade Miniconda from the latest version to...

    $38 (Avg Bid)
    $38 平均入札額
    7 入札

    looking to do hyperparameter optimization using three algorithms: 1- grid search, 2- Bayesian optimization 3- genetic algorithms. Dataset: 1- Santander Customer Transaction Prediction Dataset ( from Kaggle) this has to be done using KERAS (can be change) to build NN The input layer dimension fixed to 200, same as dataset features number and activation function to “relu”, while output layer size was one and “sigmoid” as activation function. looking to measure: 1-Accuracy 2-Loss 3-Mean Squared Error (MSE) 4-Mean Squared Log Error (MSLE) 5-Area Under the Curve (AUC) 6-Confusion matrix 7- Wall time search space: No Hidden layer Optimizers Loss Functions Activation Dropout V. Split 1 100 SGD Mean Squared Error elu 0.0 0.20 2 150 RMSprop Mean Absolute Error expo...

    $184 (Avg Bid)
    $184 平均入札額
    5 入札

    I need to measure the dimensions of a 3D model feature using camera vision in the OpenCV tool and use image processing of...measure the dimensions of a 3D model feature using camera vision in the OpenCV tool and use image processing of that model to gain a better quality of an image. -I need to implement a Convolutional neural network with Keras to predict the futures of the models/objects to gain the Performance measure on multiclass classification accuracy, for train and validation of the object or model. in summary - detect the feature shapes such as (hole, pocket, rectangular and text with grooving in another part. -measuring the dimensions of each feature shape or area. -apply the CNN with Keras for both images to predict the feature shapes and text(UTHM FKMP).

    $586 (Avg Bid)
    $586 平均入札額
    13 入札

    the project translob on github is incomplete, needs assembling and a missing ipython notebook to run the experiment in the paper. fragment of files here it is loosely based on deeplob also on github here which has a working model and notebook. the project is to recreate the missing notebook in the translob github so that the results in the paper in that repository can be correctly replicated. the FI2010 dataset I can provide, it is also available for free on kaggle and other places

    $164 (Avg Bid)
    $164 平均入札額
    10 入札

    I need the implementation of a paper which is based on a CNN model to segment blood in brain CT images. The method is attached as a pdf file. There are 36 CT images along with their labels. The paper uses 25,000 unlabe...which is based on a CNN model to segment blood in brain CT images. The method is attached as a pdf file. There are 36 CT images along with their labels. The paper uses 25,000 unlabelled images to help the supervised training; since I do not have this amount of data, I'm going to use 20 images for training, treat the 10 images as unlabelled, and 6 images as testing. My preferred DL framework is Keras, however, pytorch and tensorflow would be acceptable as well The project needs to be done preferably in one week (max:two weeks) Please let me know if you have...

    $169 (Avg Bid)
    緊急
    $169 平均入札額
    11 入札

    I have a ubuntu server running 18.04 and have used conda to install tensorflow gpu. But after installing tensorflow gpu via conda and installing numpy etc my code for fizyr keras-retinanet fails to run. Let me know if you can help. Looking for someone that has some experience with fizyr keras-retinanet

    $10 - $30
    $10 - $30
    0 入札

    I am in a voluntary research group at my University, I have been asked to help adapt some models made in R using Keras-tensorflow. I have limited experience with either. After 2 weeks I am stuck on a number of errors that I have been unable to resolve. Some errors arising from my inexperience working with tensors or atomic vectors. Others due to deprecation of some functions like fit_generator() from the work I inherited. This is neither directly course nor thesis related, though is tangentially related to my thesis work. I will give proper acknowledgement of your contribution with any submitted models. Sample error attached.

    $31 / hr (Avg Bid)
    $31 / hr 平均入札額
    3 入札

    we have to observe our live webcam/video stream where products will go through, on the products (t-shirts) are designs placed - this design has to be compared with the original image from DB. if there is something wrong with the image comparing, then set some value in DB. for example where products will go through, on the products (t-shirts) are designs placed - this design has to be compared with the original image from DB. if there is something wrong with the image comparing, then set some value in DB. for example

    $1186 (Avg Bid)
    $1186 平均入札額
    19 入札

    Hi I need to increase the accuracy for a model based on keras. Also, I need to find the model prediction and inference time. Its not very big work. Let's talk. Cannot pay more than the project bid amount.

    $17 (Avg Bid)
    $17 平均入札額
    4 入札

    Forecasting of weather variable using time-series geospatial data with the help of LSTM. One should be able to do the following: 1. Crop netCDF file for a region using latitude and longitude (100 years monthly multiple variable data) 2. extract variable values for a time period from the cropped region 3. process/parse/normalize geospatial data for multiple variables 4. use de...times 7. Find variable importance for various time periods and regions in the test dataset. 8. Interpretation of data in the deep learning model. 9. Plotting the prediction of forecasted data and comparison with original data. 65% of the work is done. Just need help with verification and the last couple of above-mentioned steps. Candidate should have a good understanding of xarray, numpy, gdal, keras and...

    $192 (Avg Bid)
    $192 平均入札額
    9 入札
    KerastoPytorch 終了 left

    I want help to convert keras based code to pytorch framework. I basically look for someone with deep understanding in keras as well as pytorch, since the basic work in here is the conversion of keras code to pytorch.

    $14 (Avg Bid)
    $14 平均入札額
    4 入札

    replicate the results in python 3 in the following paper: Generating virtual scenarios of multivariate financial data for quantitative trading applications more details here: and here: there are ... there are various WGAN repositories on github that can be used a starting base, for example etc the aim is to be able to produce a large number of synthetic curves based on a pair (or more ) of original curves maintaining a degree of correlation between synthetic pairs. prefer pytorch but tensorflow keras ok

    $392 (Avg Bid)
    $392 平均入札額
    10 入札

    ...observasi. Pembahasan Kaidah kebahasaan teks laporan hasil observasi adalah menggunakan istilah-istilah bidang ilmu tertentu. menggunakan imbuhan asing. jenis kata dan kelompok kata yang banyak digunakan  adalah verba (kata kerja) dan nomina (kata benda). menggunakan kalimat definisi dan kalimat deskripsi. menggunakan kalimat simpleks dan kompleks. -Citra memukul lonceng dengan sangat keras padahal ibu guru masih duduk di kelas.  -Danu tidur saat di dalam kelas, oleh karena itu ia dibangunkan dan dihukum. -Eki menonton film horor di bioskop malam ini, sehingga ia tidak bisa mengerjakan tugasnya.  -Fahri membakar semua sampah di belakang rumahnya bila ibunya sudah menyuruhnya.  -Gilang memotret panorama alam dengan kamera DSLR-nya agar hobinya tersalur...

    $500 (Avg Bid)
    $500 平均入札額
    9 入札

    Hello everyone! Currently I'm looking for a Data Scientist specialized in the field of Financial Data Analsysis, Regression and Deep Learning including RNN, LSTM, etc. to apply in the cryptocurrency markets. ATTENTION: At the moment I only want to hire for Phase 1! But OF COURSE I am looking for a developer who has the necessary technical and interpersonal basis for intensive, friendly and long-term cooperation for all phases and above, who enjoys development and communication and who is always helpful. Please read the attached documents and fill in the questionary by adding some "X" and some numbers with paint or similar. For applications for this project, please respond with at least a message and a completed questionnairy. As as goal and for full payment I expect an ...

    $1778 (Avg Bid)
    $1778 平均入札額
    8 入札

    Code uses tensorflow keras to classify medical ultrasound images. It uses transfer learning to develop model to use in predictions Knowledge of python is required as well as flask Some enhancements in following areas 1. Review and enhance training and prediction code written using python and tensorflow keras numpy 2. The transfer learning and model needs reviews and upgrade 3. The model I had created ie "last_epoch" may or may not be the best one. I had run only 20 epochs and not sure if I made the appropriate changes to the pre-trained model ie vgg16 4. I think a deep learning exprrt needs to review and make corrections to the model architecture, weights, hyperparameters, optimizations etc 5. The current model ie last_epoch has associated weight files (stor...

    $464 (Avg Bid)
    $464 平均入札額
    26 入札
    Simple OCR 終了 left

    Make a simple OCR model with keras and Python. Use the created model to recognize or extract text in real time using webcams

    $33 (Avg Bid)
    $33 平均入札額
    14 入札

    please do message me if you have worked on uart or any object detection project, I've 90% of it complete, just need to solve some errors. message me if you are interested

    $16 (Avg Bid)
    $16 平均入札額
    6 入札

    i have a python script that is wrote using the Keras Library. I would like it to function utilizing the GPU. I have it sitting on a 4X Nvedia GPU server but it does not seem to utilize the GPU. looking for someone to make this work properly. all tests (with tensorflow and keras) show that the GPUs are actually detected fine need an expert in running python scripts / Keras utilizing GPU

    $17 / hr (Avg Bid)
    $17 / hr 平均入札額
    13 入札

    I have collected too many photos and categorized them I want someone who is able to choose the best deep learning approach CNN, RNN..., and tools i.e Keras .. etc and justify why the chosen approach is better please answer 1 + 1 = ? in the first line of ur proposal

    $52 (Avg Bid)
    $52 平均入札額
    15 入札

    I have collected too many photos and categorized them I want someone who is able to choose the best deep learning approach CNN, RNN..., and tools i.e Keras .. etc and justify why the chosen approach is better please answer 1 + 1 = ? in the first line of ur proposal

    $56 (Avg Bid)
    $56 平均入札額
    10 入札

    I have functioning Keras / Tensorflow in RStudio code that trains up a NN. But, I now need to retrain with different output layers using different optimization criteria for the outputs. Between TF bugs and a shortage of usable examples, I need some help. So, if you can help with the above, I could have you help with some additional tasks too. Again, needs to be in R (I don't know Python) and needs to be in Keras / TF (tried to get RTorch to work, but install failed again and again and again). It's a very niche project. I'm hoping someone out there can help. Thanks.

    $246 (Avg Bid)
    $246 平均入札額
    8 入札
    LSTM Algorithm 終了 left

    Need to build an LSTM algorithm to predict sequence categorization. Algorithm ideally built on Keras or Tensorflow. API and SQL experience also needed.

    $460 (Avg Bid)
    $460 平均入札額
    28 入札

    Must have: Semantic semantic network (SPARQL, linkde Data, RDF, OWL, swrl, RuleMl, etc.); Experience with ontologies ; Experience in operating and / or developing a knowledge storage system; Expe...(particularly graph databases); Experience with microservice architectures; Experience with Machine Learning (techniques and algorithms, such as k-NN, Naive Bayes, SVM, Decision tree, clustering, artificial neural networks, etc.); Experience Deep Learning; Experience in Natural Language Processing and in particular Information Extraction; Experience with standard data technologies Science (PyTorch, Pandas, Keras, SciPy, SciKit, Tensorflow,NumPy, MatLab, etc.); Experience in creating storage architecture and data processing and knowledge (data architectures, data models, data warehouses/da...

    $2287 (Avg Bid)
    $2287 平均入札額
    16 入札

    I am working on time series anomaly detection project using unsupervised approach which ...approach which is forecasting based. I have python based code written for anomaly detection approach which classifies anomalies by comparing actual value with predicted. Deep learning models are implemented using torch. I need to convert it using keras library instead of torch and improve the code in terms of any idea that could be possible. The code is research paper based which is fixed model used for unsupervised anomaly detection. Deliverables To completely understand the code Modify the code (convert the torch based CNN,LSTM models model into keras or tensorflow) Update our model in real time. Improve the code to continuously keep our model up to date to adapt to the latest behavi...

    $88 (Avg Bid)
    $88 平均入札額
    5 入札

    Hi. I need some help to build a Jupiter notebook (Python) for teaching how to: - define and train a model to binary classify dogs vs cats using AWS sagemaker - deploy the model to sagemaker - test it with random images from cats and dogs There ...(Python) for teaching how to: - define and train a model to binary classify dogs vs cats using AWS sagemaker - deploy the model to sagemaker - test it with random images from cats and dogs There are a couple of similar tutorials online but they need some improvements and I'm in a hurry: All code must be run from the notebook, training images uploaded to s3 Anybody willing to do it?

    $397 (Avg Bid)
    $397 平均入札額
    20 入札

    The task should be done in Google Colab with Python: I want to use Pose Estimation in Google Colab in order to upload an image and get coordinates of key points from the image. So I upload an RGB image of any size then transform it into numpy array. Pose Estimation gives me a dictionary with each key point annotated by 2 numbers - index of the pixel along axis 0 (Y direction ) and ...com/drive/1RCt7IFrJGHWh4hi3azLmi_3xIXW4SRjI Here is link which I found with PE in Google Colab. May be it will help. This code gets Youtube video as input and returns this video with drawn keypoints and lines. But I don't need the keypoins to be drawn on the image. I will do it myself with your code. I just need to get pixel coordinates. These coordinates will be used for machine learning with Kera...

    $46 (Avg Bid)
    $46 平均入札額
    3 入札

    I'm looking for a tutor who could teach me on a practical project, I'll give you the project link from github, and you tutor me by rebuilding the same project in keras framework

    $120 (Avg Bid)
    $120 平均入札額
    8 入札

    I have Human Activity Recognition using Accelerometer and CNN task using Keras. So if you are Tensorflow & Keras expert, please bid now.

    $111 (Avg Bid)
    $111 平均入札額
    11 入札

    Hi I am looking for expert in developing deep learning models using Keras API, Tensor Flow and Python. the details of project is attached. please go through the attached document carefully and please contact if you find this suitable for you ,as implementation of the same is expected earliest. please participate on the biding if you are sure enough to delivered the mentioned objectives in attached document .

    $634 (Avg Bid)
    $634 平均入札額
    8 入札

    I need someone to build a flight delay prediction model using artifitial neural network for academic purpose. The model should use pandas, tensorflow and keras. The model should take input from a dataset, train the neural network then test it. I uploaded a file of another ANN that predicts if a bank customer could leave the bank or not with the dataset as a sample and and it should be similar to it with some differences. Explaining the code after finishing is a must.

    $165 (Avg Bid)
    $165 平均入札額
    11 入札

    Need someone to develop a feedforward neuronal network with Python and Keras and based using on the MNIST data set. The goal is to test different hyperparameters of the model and to determine the performance of a final model with the best possible combination of hyperparameters.

    $137 (Avg Bid)
    $137 平均入札額
    21 入札

    Hi Aleksa F., I was wondering if you are familiar with deep learning libraries such as Keras, Tensorflow.

    $50 - $50
    $50 - $50
    0 入札

    I want someone who is expert in CNN, LSTM, GRU. PYTHON , TENSORFLOW, KERAS You should have GPUs, because i will provide u with dataset, if u don't have GPUs , please don't comment My project is to creat a license plate recognition, I have some already written codes in github but needs some arrangements and developing . money will be paid when its done !! more details in private

    $225 (Avg Bid)
    $225 平均入札額
    9 入札

    Hi developers! My company needs a python module that can recognize two classes of "objects" in low-resolution images. The "objects" to be recognized are specific characteristics (anomalies) of the photographed surface. The stack is python + keras. The developer will receive a few thousand images already labeled for the two classes of anomalies and will have to create a neural network (of his choice) and two functions for training and use the NN. If necessary, he will have to process the images before training to improve recognition performance. At the end of the work, two python functions (or two notebooks containing them) must be delivered. The pseudo code of this functions is as follows: # TRAINING FUNCTION def train(images_folder_path): # Load image from...

    $152 (Avg Bid)
    $152 平均入札額
    15 入札

    トップkerasのコミュニティ記事