Knime classification jobs

Filter

My recent searches
Filter by:
Budget
to
to
to
Type
Skills
Languages
    Job State
    2,000 knime classification jobs found, pricing in NZD

    Machine Learning development with python using multiple frameworks(Django, Flask) and libraries (TensorFlow, Scikit-Learn, OpenCV, NLTK). Programming Language Python, R, SQL, Java, C, JavaScript Key Skills ● Software Development ● Machine Learning ● Deep Learning ● Predictive Analysis ● Data Visualisation ● Statistical Modelling ● ...Statistical Modelling ● Data Analytics ● Data Mining ● Quantitative analysis ● Model Development ● Cloud Computing TOOLS: Flask, Django, AWS, Google Cloud, MySQL, PostgreSQL, Airflow, Tableau, Apache Spark Deep Learning :Keras, NLTK, OpenCV Data Mining NumPy, Pandas, Sklearn, SQL. Statistics/Machine Learning Statistical Analysis, Hypothesis Testing, Linear/Logistic Regression, Clustering, Classification. Data Visualisation Tableau, Seaborn, Matplotlib

    $2257 (Avg Bid)
    $2257 Avg Bid
    14 bids

    I have a research paper ( attached ), I need someone to implement the same paper and provide the same results they have reported in the paper. 1. All the experiments, Datasets, different architectures should be implemented. 2. The results of the module should be the same as the results they have reported. 3. Detail session after implementation (explain everything in the code) is needed. Thanks.

    $858 (Avg Bid)
    $858 Avg Bid
    14 bids

    i have an image classification model and i want to create A GUI for the system to integrate all the components of the system and facilitate the functionality demonstration of the system, a want the most basic and simple GUI, no good design is needed.

    $114 (Avg Bid)
    $114 Avg Bid
    3 bids

    There is a popular dataset on Violence Detection on Kaggle. I need someone who can train a sound classification model with that dataset to be able to predict if there is any "Violent" or "Non-violent" behaviour by hearing the sound. After importing the dataset and converting them to sound file, apply a filter and then use mel spectogram. Use Pycharm IDE and Pytorch and CNN to do the task. Use Python programming languae Budget is AUD 30. Message me for more details.

    $34 (Avg Bid)
    $34 Avg Bid
    7 bids

    I need a business continuity plan. The following must be covered: Risk mitigation strategies and controls, data security classification, Extreme scenario and worst-case scenario planning, risk mgmt, technologies, and user behaviours, Business models, Impact analysis, security, privacy policies, and procedures in risk mgmt., continued maintenance of the BCP.

    $36 / hr (Avg Bid)
    $36 / hr Avg Bid
    63 bids

    (a) Acquire dataset of targets to be classified (b) Preprocess the data for classification (feature extraction) (c) Implement a complete pipeline of target recognition with a lighter CNN (d) Use hardware accelerator to perform real-time inference

    $49 - $408
    $49 - $408
    0 bids

    We are looking for a deep learning engineer to support us in a DL project focused around time-series classification.

    $62 / hr (Avg Bid)
    $62 / hr Avg Bid
    24 bids

    (a) Acquire dataset of targets to be classified (b) Preprocess the data for classification (feature extraction) (c) Implement a complete pipeline of target recognition with a lighter CNN (d) Use hardware accelerator to perform real-time inference

    $229 (Avg Bid)
    $229 Avg Bid
    2 bids

    Check all fields/tables are there (data spec attached detailing what we requested). Check that we have date & time for transactional data and what is the unique combination. Check and the fields link together i.e. transaction ids from baskets tables links to the sales tables and to shops table. Are there any missing tables. check the proportion of barcodes we have coded in barcode master and whether the descriptions from the data aligns with barcode master. Look at any barcodes which don't match and get an idea of the value of these barcodes. As we can't do a validation based on dump codes. Rank the value of the barcodes within this store. and output a spreadsheet of store|barcode|number of transactions|description|sum of value|sum of units|Rank within store.

    $29 (Avg Bid)
    $29 Avg Bid
    1 bids

    My project is pretty open-ended, I need to find a dataset, clean it, and perform an analysis on it. I am thinking of doing a linear regression, k-means clustering algorithm, and possibly a logistic regression for classification. If you have experience with these things with Python that would be perfect. My request: A Jupyter notebook that processes the dataset I choose and implements an analysis to address the questions I am asking.

    $77 (Avg Bid)
    $77 Avg Bid
    14 bids

    You should clean the data, remove outliers and then run the algorithms you have learned on the data. For numeric attributes, you can calculate min, max, average, standard deviation, and covariance/correlation. If the attributes are nominal, then you can calculate the frequency of each label. If the attributes...deviation, and covariance/correlation. If the attributes are nominal, then you can calculate the frequency of each label. If the attributes are of mixed (numeric and nominal) type, then you can convert numeric to nominal using filters or using some other meaningful translations (for example, convert numbers to ranges like “low”, “medium”, and “high”). You can then apply different methods for classification, clustering, outlier detection, da...

    $183 (Avg Bid)
    $183 Avg Bid
    25 bids

    An exciting opportunity for the right person to help an investment firm map out the market in one of our investment themes. This job will involve working through a list of companies/URLs (provided by us), pulling together a brief description of their activities based off their website and tagging each according to our classification system Support will be provided by the team to help you understand our classification system so companies can be correctly tagged, as well as assisting with companies which are difficult to categorise. This work will be instrumental in helping us identify potential companies we could invest in We are ideally looking for someone who: • Has strong attention to detail • Is comfortable working independently (but can seek help/guidance when...

    $20 / hr (Avg Bid)
    $20 / hr Avg Bid
    17 bids

    I need to have the Hazardous Area Ex e calculations performed for 3 junction boxes in accordance with AS60079. Price can be negotiated and confirmed when I get all the information and can pass this on. Can you please confirm if you are capable, and a budget estimate of the cost to perform the calculations. The project will need to be undertaken by someone who is certified in...need to have the Hazardous Area Ex e calculations performed for 3 junction boxes in accordance with AS60079. Price can be negotiated and confirmed when I get all the information and can pass this on. Can you please confirm if you are capable, and a budget estimate of the cost to perform the calculations. The project will need to be undertaken by someone who is certified in Hazardous Area Classification a...

    $1212 (Avg Bid)
    $1212 Avg Bid
    6 bids

    Hi I want someone, who knows machine learning theory and can describe, this paper:"Convexity, Classification, and Risk Bounds" , link ~wainwrig/stat241b/bartlettetal.pdf.

    $270 (Avg Bid)
    $270 Avg Bid
    11 bids

    I need someone proefficient in Computer Vision and new Deep Learning algorithms for predicting a multi-class (5) image classification of some images.

    $219 (Avg Bid)
    $219 Avg Bid
    14 bids

    1. Explain how you can classify the fashion MNIST dataset using LSTM RNNs. You need to draw the LSTM RNN architecture (pref unrolled) and comment on all dimensions that you decide. The data set can be found ...in the previous question using TF or PyTortch. Implement the equivalent CNN using the same framework (CNN solution is in your notes so just include this solution). 3. Compare the performance of the LSTM RNN network vs CNN. Compare the training times between RNN and CNN that achieves the same test performance. 4. Read this paper and write a summary on how RNN and CNNs can be combined for the classification task and why you believe we get a performance benefit from such combination. Paper:

    $310 (Avg Bid)
    $310 Avg Bid
    7 bids

    Develop a machine learning classifier for sentiment analysis. Based on the dataset , write a python program to implement a sentiment classifier and evaluate its performance. Notice:80% data for training and 20% data for testing. (1) Features used for sentiment classification and explain why you select these features. (2) Select two of the supervised learning algorithm from scikit-learn library: , to build a sentiment classifier respectively. (3) Compare the performance over accuracy, precision, recall, and F1 score for the two algorithms you selected. Here is the reference of how to calculate these metrics: I need all the above details

    $51 (Avg Bid)
    $51 Avg Bid
    5 bids

    The project aims to build an optimized CNN model with firefly algorithm to detect and classify a type of disease in plants

    $274 (Avg Bid)
    $274 Avg Bid
    24 bids

    Hi I am looking for a professional content writer who can prepare a document on the comparitive analysis of machine learnig classification models.

    $147 (Avg Bid)
    $147 Avg Bid
    12 bids

    I have done a project on prediction. I have a working classification code for which I want a User Interface. The user must input 24 details and in the backend, My classification code should take and input and predict yes or no. so just 2 pages. main page and result page. Python Flask is the tool to be used. Time line less than one day and it isn't very. No fancy interface is required. very basic and simple.

    $109 (Avg Bid)
    $109 Avg Bid
    9 bids

    ...best; I have numerous methods that I want to apply to conduct my analysis. The analysis required experts aware of using Machine learning and deep learning methods to achieve the project objectives. The Project needs to be done fast and in high quality. I need to develop spatiotemporal models that can get implemented for how the effective disease is going to spread over time and space "not classification". it can be done based on the number of affected people each week, month and year. The required models are RNN, CNN, LSTM, TCN (Temporal Convolutional Network), GRU and a combination of this algorithm and cellular automata. in short: Through this project, - We want to know how many people are expected to be affected next week, next month, and next year. - What is the l...

    $196 (Avg Bid)
    $196 Avg Bid
    4 bids

    ...YouTube or Facebook, connect to a direct broadcast hosting, such as a Vimeo. A large number of videos can be classified and managed, classified packages, and classified ordering. There are corresponding members who cannot watch videos of different types divided into different levels. B. E-School website can be customized registration, learning and customer classification management functions, Standard function: course has classification, course introduction, individual registration function, group registration function, and course selection function when registering and after registering. There are student registration records, member types, course selection records, and payment records in the background member's progress record of doing homework; Email promotion to ...

    $1981 (Avg Bid)
    $1981 Avg Bid
    93 bids
    $149 Avg Bid
    44 bids

    I need reprogramming for an article on deep learning and modifying fuzzy logic : involves the process of modifying the polling layer into a fuzzy layer as described in the article: "Fuzzy based Pooling in Convolutional Neural Network for Image Classification". The programming process must be done in Python

    $714 (Avg Bid)
    $714 Avg Bid
    12 bids

    Task 1 :Develop a vertical search engine similar to Google Scholar, but specialised to retrieve only papers/books published by a member of the Faculty of Engineering, Environment & Computing Task 2 : Develop a text classification system. The input is a text and the output is its subject among zero or more of the classes: Sport, Science, and Health. You are free to use any available resource to prepare your training datasets. For example, you may use existing sport websites and manually copy relevant texts there (whose label will be ‘Sport’). You may also write an RSS feed reader to do a similar task automatically, or prepare your data in any other way you wish.

    $41 (Avg Bid)
    $41 Avg Bid
    5 bids

    Hi, we are an italian based independent software vendor. We provide our software through licenses to install on premises and also as cloud service (SaaS). We are now asked from a US distributor to classify our software as per the US Export and Admin Regulations (EAR). We need to better understand if we fall into EAR and which ECCN applies to us. Thanks Christian

    $25 - $41 / hr
    Local
    $25 - $41 / hr
    0 bids

    Create a deep learning model for Alzheimer Disease detection or classification. MTech CSE project

    $208 (Avg Bid)
    $208 Avg Bid
    21 bids

    ...You have good typing skills. Previous experience is a plus, but not mandatory. - You are available for the duration of the project. In return, we offer: • Flexible schedule: you will decide how and when you complete the hours. • Work as much as you want. • You will get experience working for a high-end client. • You will get compensated with points, which will go towards your badge classification. The more you work, with good results, the more points you will get! Project compensation: We pay per hit (could be a phrase or line) If interested, please create a profile in OneForma using this link: Once done, simply go to MY JOBS > Transcription and look for Pronunciation Annotation (English AU). Kindly complete the required certifications and th...

    $18 / hr (Avg Bid)
    $18 / hr Avg Bid
    14 bids

    I've finished on text classification. It works predicting the diseases name and plant name based on the user's disease description. You just create an API for this function.

    $46 (Avg Bid)
    $46 Avg Bid
    13 bids

    Need a jupyter-python notebook that is able to pre-process a dataset, plot relevant maps if needed to help visualise data and then run training and testing on a few different machine learning algorithm. Will not be difficult at all i am just struggling on finding a good dataset to work on. If more information is needed please direct message me

    $322 (Avg Bid)
    $322 Avg Bid
    46 bids

    ... In this repo there is a python file called . Wİth this file you can basically train a K-nn with dino features without any change. There is a variable called “distance” that is the main variable for entire k-nn (think like a loss function). We will use the same distance metric for creating a hierarchy. There is a paper called “Hierarchical Image Classification using Entailment Cone Embeddings” and they are using ETHEC dataset during their work. Paper Link : Dataset Link : In this paper they are used some different hierarchy methods for CNNs that are PLC, M-PLC and etc.(4 different approach)

    $221 (Avg Bid)
    $221 Avg Bid
    17 bids

    Model Implementation: Classifier $H(x,y)$: [30 pts] Regressions $Z(x,y,k)$: [30 pts] M(H,Z) Evaluation [10 pts] Gradient Descent [30 pts]

    $72 (Avg Bid)
    $72 Avg Bid
    10 bids

    can you help me make a python 3 script with jupyter anaconda, which is a naive bayes classification algorithm with attribute weighting and instance weighting for hepatitis datasets from UCI?

    $62 (Avg Bid)
    $62 Avg Bid
    19 bids

    WORK - DATA PREPARATION - NOISE REMOVAL, SMOOTHING, ARTIFACT REMOVAL FEATURE - EXTRACTION OF TIME SERIES DATA OF TIME FREQUENCY DATA SET & SELECTION FOR CLASSIFICATION PROBLEM CLASSIFICATION USING LDA, SVM, DNN, KNN, LSTM.....MINIMUM 10 TYPES OF CLASSIFIERS. TRAING TESTING & VALIDATION ON OUR DATA SET

    $265 (Avg Bid)
    $265 Avg Bid
    9 bids

    ...delay. The first set of data point has one value for delay and the second set of data point has one value for delay. If you do not preprocess the data, it will be like a 1000 dimension and gives you one number. Do you want to treat this as a regression problem or classification problem? Anything is fine regression or classification. We can also use a hybrid model (regression and classification). In the end we want to minimize the error. If you use regression problem you want to minimize the min square. If you use classification then you want to minimize the negative log likelihood. In order to any real world data projects you have to do several things. Try to understand the data. Plot the histogram, try PCA to find the dimensions and plot the graph for PCA. ...

    $155 (Avg Bid)
    $155 Avg Bid
    7 bids

    Hi,i have Two sets of data: - The first: Dataset for Semantic Segmentation (2D), which is to detection doors. - The second: Dataset for depth image (3D), which is to classify doors (open, closed and semi-open) - I already have a python code but (but need to some add and modify), I need to implement the code correctly and explain the entire code step by step with writing a full report on the topic starting from an overview of the project and ending with the results we obtained.

    $320 (Avg Bid)
    $320 Avg Bid
    14 bids
    $189 Avg Bid
    33 bids

    Should a mini project in big data and machine learning. Which should have 4 (background),Methodology and results(findings and conclusion). Should use regression or classification or clustering methods.

    $172 (Avg Bid)
    $172 Avg Bid
    6 bids

    Hi Manmeet K., I noticed your profile and would like to discuss my project. I am working in rmarkdown, doing a naive bayes classification model on twitter data. Is this something you have experience in ? I have code, just need review as it isn't working at the moment. C

    $33 (Avg Bid)
    $33 Avg Bid
    1 bids

    Hi Manmeet K., I noticed your profile and would like to talk to you about my project. We can discuss any details over chat. I have a naive bayes r classification model which needs review as it is not working. do you have experience in this? i haven't put a price in as yet, just reaching out to see if you have the experience c

    $33 (Avg Bid)
    $33 Avg Bid
    1 bids

    Hi Sangamesh K., I noticed your profile and would like to discuss my project. Do you have experience in predictive models in rmarkdown? i am doing a project with respect to twitter data and predictive analytics and running a naive bayes classification model. do you have experience in this? we can discuss price C

    $2 / hr (Avg Bid)
    $2 / hr Avg Bid
    1 bids

    i have Two sets of data: - The first: Dataset for Semantic Segmentation (2D), which is to detection doors. - The second: Dataset for depth image (3D), which is to classify doors (open, closed and semi-open) I already have a python code, I need to implement the code correctly and explain the entire code step by step with writing a full report on the topic starting from an overview of the project and ending with the results we obtained.

    $266 (Avg Bid)
    $266 Avg Bid
    15 bids

    i have Two sets of data: - The first: Dataset for Semantic Segmentation (2D), which is to detection doors. - The second: Dataset for depth image (3D), which is to classify doors (open, closed and semi-open) I already have a python code, I need to implement the code correctly and explain the entire code step by step with writing a full report on the topic starting from an overview of the project and ending with the results we obtained.

    $351 (Avg Bid)
    $351 Avg Bid
    16 bids

    ...tweets or user profile. Develop feature analysis script or model (if needed) on tweets Feature analysis comprises identify linguistically words that accompany a subject and change or add a characteristic. This might include pairs such as nsubj-pobj (Burger with lettuce), compound-nsubj (Fried chicken) and further identified Requirement Note: ROC AUC and F1 score must not be under 0.85 if a classification model is used. ¡PLEASE READ THE ATTACHED DOCUMENT BEFORE APPLYING!...

    $232 (Avg Bid)
    $232 Avg Bid
    4 bids

    No rules, no papers. but loads of freedom. You are encouraged to be an explorer and bring your creative input to the table. About the project: The ecosystem we're trying to complete works as follows: A sensor detects the air composition within a room Sensor sends data to a cloud-based algorithm that processes the information ( You can also sugest a different ML stack for the classification part. ) Algorithm sends processed information to a cloud platform. The cloud platform then changes the settings of an air purifier within the same room. We do have the sensor, air purifier, and the algorithm, but we need to build the platform. The platform should be multi-tenant (multiple users - each with his own sensor and air purifier). The air purifier has an API and a platform throug...

    $82 / hr (Avg Bid)
    $82 / hr Avg Bid
    10 bids

    ...importer and distributor are obliged to obtain prior to the import and selling of non-woven fabric masks ・ Related laws and regulatory authorities 2) Regulations and standards related to the sale of non-woven fabric masks (for both medical masks and non-medical masks) ・ Quality standards or quality requirements that need to be satisfied ・ Regulations regarding labels (labeling requirements) ・ Classification of non-woven fabric masks (industrial items, medical equipment, etc.) ・ Whether ISO13485 is required to be satisfied or not Each report needs to be made in English and will be of about 4 sheets of A4 paper (about 2,000 words). I want the reports to be submitted within 2 weeks. (I think those information can be obtained by searching websites of related governmental offices or...

    $155 (Avg Bid)
    $155 Avg Bid
    48 bids

    Identification and Classification of Plant Seedling Images Using Deep Learning

    $161 (Avg Bid)
    $161 Avg Bid
    6 bids

    I have three algorithms to sentiment classification LSTM, RNN, SVM for Arabic library and Arabic data. The LSTM accuracy 90, RNN, accuracy 88 SVM, accuracy 75 I need to increase the accuracy to 95 and more The data I have is not balanced and I need to balance it. positive 14674 negative 2953 neutral 2901 #I need to balance the following: 1 oversampling less data. 2- undersampling the most data . 3- and I have new data synthetic samples . ##I've done (smote) data, but the accuracy has dropped.

    $325 (Avg Bid)
    $325 Avg Bid
    18 bids

    need help with data visualization and multi classification of texts, I have already done the SVM classification and got the results but I need help with data visualization

    $65 (Avg Bid)
    $65 Avg Bid
    2 bids